diff --git a/.gitattributes b/.gitattributes index 3eb8f335a..33852c6b6 100644 --- a/.gitattributes +++ b/.gitattributes @@ -1,8 +1,10 @@ *.onnx filter=lfs diff=lfs merge=lfs -text *.pb filter=lfs diff=lfs merge=lfs -text -*.zip filter=lfs diff=lfs merge=lfs -text *.tar filter=lfs diff=lfs merge=lfs -text *.gz filter=lfs diff=lfs merge=lfs -text *.pkl filter=lfs diff=lfs merge=lfs -text *.tar.gz filter=lfs diff=lfs merge=lfs -text *.tgz filter=lfs diff=lfs merge=lfs -text +*.weight filter=lfs diff=lfs merge=lfs -text +*.bias filter=lfs diff=lfs merge=lfs -text +*.zip filter=lfs diff=lfs merge=lfs -text diff --git a/.github/PULL_REQUEST_TEMPLATE.md b/.github/PULL_REQUEST_TEMPLATE.md deleted file mode 100644 index cfa02c061..000000000 --- a/.github/PULL_REQUEST_TEMPLATE.md +++ /dev/null @@ -1,142 +0,0 @@ -# Model Name - -## Description -Description of model - What task does it address (i.e. object detection, image classification)? What is the main advantage or feature of this model's architecture? - -All ONNX models must pass the ONNX model checker before contribution. The snippet of code below can be used to perform the check. If any errors are encountered, it implies the check has failed. - -``` -import onnx -from onnx import checker -model_proto = onnx.load("path to .onnx file") -checker.check_model(model_proto) -``` - -### Contribute a Gradio Demo to ONNX Organization on Hugging Face - -* Create an account on Hugging Face: https://huggingface.co/join -* See list of models left to add to ONNX organization, please refer to the table with the [Models list](https://github.com/onnx/models#models) -* Add Gradio Demo under your username, see blog for setting up Gradio Demo on Hugging Face: https://huggingface.co/blog/gradio-spaces -* Request to join ONNX Organization: https://huggingface.co/onnx -* Once approved transfer model from your username to ONNX organization -* Add a badge for model in model table, see examples in [Models list](https://github.com/onnx/models#models) - -## Model - -|Model |Download | Download (with sample test data)|ONNX version|Opset version|Accuracy | -|-------------|:--------------|:--------------|:--------------|:--------------|:--------------| -|Model Name | Relative link to ONNX Model with size | tar file containing ONNX model and synthetic test data (in .pb format)|ONNX version used for conversion| Opset version used for conversion|Accuracy values | -|Example (VGG 19)| [548.1 MB](classification/vgg/model/vgg19-7.onnx) |[508.5 MB](classification/vgg/model/vgg19-7.tar.gz)| 1.2.1 |7 | 73.72 | - -Please submit new models with Git LFS by committing directly to the repository, and using relative links (i.e. ***model/vgg19-7.onnx***) in the table above. In this file name example, ***vgg19*** is the name of the model and ***7*** is the opset number. - -### Source -Source Framework ==> ONNX model -i.e. Caffe2 DenseNet-121 ==> ONNX DenseNet - -## Inference -Step by step instructions on how to use the pretrained model and link to an example notebook/code. This section should ideally contain: - -### Input -Input to network (Example: 224x224 pixels in RGB) - -### Preprocessing -Preprocessing required - -### Output -Output of network - -### Postprocessing -Post processing and meaning of output - -## Model Creation - -### Dataset (Train and validation) -This section should discuss datasets and any preparation steps if required. - -### Training -Training details (preprocessing, hyperparameters, resources and environment) along with link to a training notebook (optional). - -Also clarify in case the model is not trained from scratch and include the source/process used to obtain the ONNX model. - -### Validation accuracy -Validation script/notebook used to obtain accuracy reported above along with details of how to use it and reproduce accuracy. Details of experiments leading to accuracy from the reference paper. - -## Test Data Creation - -Creating test data for uploaded models can help CI to verify the uploaded models by ONNXRuntime utilties. Please upload the ONNX model with created test data (`test_data_set_0`) in the .tar.gz. - -### Requirement -``` -pip install onnx onnxruntime numpy -git clone https://github.com/onnx/models.git -```` -### Usage -``` -def create_test_dir(model_path, root_path, test_name, - name_input_map=None, symbolic_dim_values_map=None, - name_output_map=None): - """ - Create a test directory that can be used with onnx_test_runner, onnxruntime_perf_test. - Generates random input data for any missing inputs. - Saves output from running the model if name_output_map is not provided. - - :param model_path: Path to the onnx model file to use. - :param root_path: Root path to create the test directory in. - :param test_name: Name for test. Will be added to the root_path to create the test directory name. - :param name_input_map: Map of input names to numpy ndarray data for each input. - :param symbolic_dim_values_map: Map of symbolic dimension names to values to use for the input data if creating - using random data. - :param name_output_map: Optional map of output names to numpy ndarray expected output data. - If not provided, the model will be run with the input to generate output data to save. - :return: None - """ -``` -### Example -The input/output .pb files will be produced under `temp/examples/test1/test_data_set_0`. -``` -import sys -sys.path.append('/workflow_scripts/') -import ort_test_dir_utils -import numpy as np - -# example model with two float32 inputs called 'input' [batch_size, 1, 224, 224]) -model_path = '/vision/super_resolution/sub_pixel_cnn_2016/model/super-resolution-10.onnx' - -# If there is no symbolic_dim -ort_test_dir_utils.create_test_dir(model_path, 'temp/examples', 'test1') - -# when using the default data generation any symbolic dimension values can be provided -# otherwise the default value for missing symbolic_vals would be 1 - -symbolic_vals = {'batch_size': 1} # provide value for symbolic dim named 'batch_size' - -# let create_test_dir create random input in the (arbitrary) default range of -10 to 10. -# it will create data of the correct type based on the model. -ort_test_dir_utils.create_test_dir(model_path, 'temp/examples', 'test1', symbolic_dim_values_map=symbolic_vals) - -# alternatively some or all input can be provided directly. any missing inputs will have random data generated. -batch_size = 64 -inputs = {'input': np.random.rand(batch_size, 1, 224, 224).astype(np.float32)} - -ort_test_dir_utils.create_test_dir(model_path, 'temp/examples', 'test2', name_input_map=inputs) - -``` - -### More details -https://github.com/microsoft/onnxruntime/blob/master/tools/python/PythonTools.md - -
- -### Update ONNX_HUB_MANIFEST.json for ONNX Hub -If this PR does update/add .onnx or .tar.gz files, please use `python workflow_scripts/generate_onnx_hub_manifest.py --target diff` to update ONNX_HUB_MANIFEST.json with according model information (especially SHA) for ONNX Hub. - -### References -Link to paper or references. - -## Contributors -Contributors' names - -## License -Add license information - on default, Apache 2.0 -
diff --git a/.github/workflows/linux_ci.yml b/.github/workflows/linux_ci.yml deleted file mode 100644 index 3d386f860..000000000 --- a/.github/workflows/linux_ci.yml +++ /dev/null @@ -1,52 +0,0 @@ -# Basic linux ci workflow for model zoo. -# Runs model checker for models updated in the PR - -name: Linux CI - -# Triggers the workflow on push or pull request events but only for the main branch -on: - push: - branches: [ main ] - pull_request: - branches: [ main ] - -jobs: - # This workflow contains a single job called "build" - build: - # The type of runner that the job will run on - runs-on: ubuntu-latest - strategy: - matrix: - python-version: ['3.10'] - architecture: ['x64'] - - steps: - - uses: actions/checkout@v2 - name: Checkout repo - - - name: Set up Python ${{ matrix.python-version }} - uses: actions/setup-python@v1 - with: - python-version: ${{ matrix.python-version }} - architecture: ${{ matrix.architecture }} - - - name: Install dependencies - run: | - python -m pip install --upgrade pip - python -m pip install onnx onnxruntime requests py-cpuinfo - # Print CPU info for debugging ONNX Runtime inference difference - python -m cpuinfo - - - name: Test updated ONNX_HUB_MANIFEST.json - run: | - python -m pip install typepy BeautifulSoup4 markdown pandas - python workflow_scripts/generate_onnx_hub_manifest.py --target diff --drop - git diff --exit-code -- ONNX_HUB_MANIFEST.json || { echo 'Please use "python workflow_scripts/generate_onnx_hub_manifest.py --target diff" to update ONNX_HUB_MANIFEST.json.' ; exit 1; } - - - name: Test new models by onnx - run: | - python workflow_scripts/test_models.py --target onnx --drop - - - name: Test new models by onnxruntime - run: | - python workflow_scripts/test_models.py --target onnxruntime --drop diff --git a/.github/workflows/windows_ci.yml b/.github/workflows/windows_ci.yml deleted file mode 100644 index aab61ba3c..000000000 --- a/.github/workflows/windows_ci.yml +++ /dev/null @@ -1,46 +0,0 @@ -# Basic windows ci workflow for model zoo. -# Runs model checker for models updated in the PR - -name: Windows CI - -# Triggers the workflow on push or pull request events but only for the main branch -on: - push: - branches: [ main ] - pull_request: - branches: [ main ] - -jobs: - # This workflow contains a single job called "build" - build: - # The type of runner that the job will run on - runs-on: windows-latest - strategy: - matrix: - python-version: ['3.10'] - architecture: ['x64'] - - steps: - - uses: actions/checkout@v2 - name: Checkout repo - - - name: Set up Python ${{ matrix.python-version }} - uses: actions/setup-python@v1 - with: - python-version: ${{ matrix.python-version }} - architecture: ${{ matrix.architecture }} - - - name: Install dependencies - run: | - python -m pip install --upgrade pip - python -m pip install onnx onnxruntime requests py-cpuinfo - # Print CPU info for debugging ONNX Runtime inference difference - python -m cpuinfo - - - name: Test new models by onnx - run: | - python workflow_scripts/test_models.py --target onnx --drop - - - name: Test new models by onnxruntime - run: | - python workflow_scripts/test_models.py --target onnxruntime --drop diff --git a/Computer_Vision/adv_inception_v3_Opset16_timm/adv_inception_v3_Opset16.onnx b/Computer_Vision/adv_inception_v3_Opset16_timm/adv_inception_v3_Opset16.onnx new file mode 100644 index 000000000..e5b1b27b5 --- /dev/null +++ b/Computer_Vision/adv_inception_v3_Opset16_timm/adv_inception_v3_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d7380a5bc428d7931ff8ff0a28c56c14a873acf722d016e675682f25602c951 +size 95317116 diff --git a/Computer_Vision/adv_inception_v3_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/adv_inception_v3_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9daad0a45 --- /dev/null +++ b/Computer_Vision/adv_inception_v3_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.371284008026123 + set_success: 0.017674684524536133 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/adv_inception_v3_timm_6ead9f43/onnx/adv_inception_v3_timm_6ead9f43-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/adv_inception_v3.py +class: InceptionV3 +hash: 4599a3df +model_name: adv_inception_v3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 93083.1533 +onnx_ops_counter: + AveragePool: 9 + Concat: 11 + Conv: 94 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Relu: 94 +parameters: 23834568 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/adv_inception_v3_Opset17_timm/adv_inception_v3_Opset17.onnx b/Computer_Vision/adv_inception_v3_Opset17_timm/adv_inception_v3_Opset17.onnx new file mode 100644 index 000000000..9d70416cd --- /dev/null +++ b/Computer_Vision/adv_inception_v3_Opset17_timm/adv_inception_v3_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b588d8c1faf46c9e1170e3d649b40081a0890b4c47577db88f600cde01406fc3 +size 95317116 diff --git a/Computer_Vision/adv_inception_v3_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/adv_inception_v3_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c36725d79 --- /dev/null +++ b/Computer_Vision/adv_inception_v3_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.453145742416382 + set_success: 0.01747894287109375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/adv_inception_v3_timm_6ead9f43/onnx/adv_inception_v3_timm_6ead9f43-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/adv_inception_v3.py +class: InceptionV3 +hash: 4599a3df +model_name: adv_inception_v3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 93083.1533 +onnx_ops_counter: + AveragePool: 9 + Concat: 11 + Conv: 94 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Relu: 94 +parameters: 23834568 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/adv_inception_v3_Opset18_timm/adv_inception_v3_Opset18.onnx b/Computer_Vision/adv_inception_v3_Opset18_timm/adv_inception_v3_Opset18.onnx new file mode 100644 index 000000000..a10801786 --- /dev/null +++ b/Computer_Vision/adv_inception_v3_Opset18_timm/adv_inception_v3_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9217502cc0f662d7a7aebe499d04c085cfbe3b26cdd5efe599ade49c270f379d +size 95317116 diff --git a/Computer_Vision/adv_inception_v3_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/adv_inception_v3_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..88072fd75 --- /dev/null +++ b/Computer_Vision/adv_inception_v3_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.3793044090270996 + set_success: 0.016469955444335938 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/adv_inception_v3_timm_6ead9f43/onnx/adv_inception_v3_timm_6ead9f43-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/adv_inception_v3.py +class: InceptionV3 +hash: 4599a3df +model_name: adv_inception_v3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 93083.1533 +onnx_ops_counter: + AveragePool: 9 + Concat: 11 + Conv: 94 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Relu: 94 +parameters: 23834568 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/alexnet_Opset16_torch_hub/alexnet_Opset16.onnx b/Computer_Vision/alexnet_Opset16_torch_hub/alexnet_Opset16.onnx new file mode 100644 index 000000000..b63814126 --- /dev/null +++ b/Computer_Vision/alexnet_Opset16_torch_hub/alexnet_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4bc388cc32cc789f4d08687a69e46ccf724cfee1e5775f1486847799ae538b53 +size 244407335 diff --git a/Computer_Vision/alexnet_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/alexnet_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..c7262f09c --- /dev/null +++ b/Computer_Vision/alexnet_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.341986894607544 + set_success: 0.017538785934448242 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/alexnet_torch_hub_68e19088/onnx/alexnet_torch_hub_68e19088-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/alexnet.py +class: AlexNet +hash: 2891f54c +model_name: alexnet +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 238679.0703 +onnx_ops_counter: + AveragePool: 1 + Conv: 5 + Flatten: 1 + Gemm: 3 + MaxPool: 3 + Relu: 7 +parameters: 61100840 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/alexnet_Opset17_torch_hub/alexnet_Opset17.onnx b/Computer_Vision/alexnet_Opset17_torch_hub/alexnet_Opset17.onnx new file mode 100644 index 000000000..74f97e67b --- /dev/null +++ b/Computer_Vision/alexnet_Opset17_torch_hub/alexnet_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d1fef6de9abfd04669ff0c450eaf02609f544c47623e6b80346180737863f5ee +size 244407335 diff --git a/Computer_Vision/alexnet_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/alexnet_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..d5dc79931 --- /dev/null +++ b/Computer_Vision/alexnet_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.143906593322754 + set_success: 0.015360355377197266 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/alexnet_torch_hub_68e19088/onnx/alexnet_torch_hub_68e19088-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/alexnet.py +class: AlexNet +hash: 2891f54c +model_name: alexnet +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 238679.0703 +onnx_ops_counter: + AveragePool: 1 + Conv: 5 + Flatten: 1 + Gemm: 3 + MaxPool: 3 + Relu: 7 +parameters: 61100840 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/alexnet_Opset18_torch_hub/alexnet_Opset18.onnx b/Computer_Vision/alexnet_Opset18_torch_hub/alexnet_Opset18.onnx new file mode 100644 index 000000000..81203d6cc --- /dev/null +++ b/Computer_Vision/alexnet_Opset18_torch_hub/alexnet_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19f7e4ce7a9d5a6a23bd753905965aaa2be1daf20f0c157b3a2a243a9b3f979d +size 244407335 diff --git a/Computer_Vision/alexnet_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/alexnet_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..24f213874 --- /dev/null +++ b/Computer_Vision/alexnet_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.282848596572876 + set_success: 0.01751399040222168 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/alexnet_torch_hub_68e19088/onnx/alexnet_torch_hub_68e19088-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/alexnet.py +class: AlexNet +hash: 2891f54c +model_name: alexnet +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 238679.0703 +onnx_ops_counter: + AveragePool: 1 + Conv: 5 + Flatten: 1 + Gemm: 3 + MaxPool: 3 + Relu: 7 +parameters: 61100840 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/bat_resnext26ts_Opset16_timm/bat_resnext26ts_Opset16.onnx b/Computer_Vision/bat_resnext26ts_Opset16_timm/bat_resnext26ts_Opset16.onnx new file mode 100644 index 000000000..8f8e04ab3 --- /dev/null +++ b/Computer_Vision/bat_resnext26ts_Opset16_timm/bat_resnext26ts_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4afc236b653eeefda7d95fb7968f5d9e8901434b763197ccf37ef291bc36c39c +size 43020989 diff --git a/Computer_Vision/bat_resnext26ts_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/bat_resnext26ts_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2559a941f --- /dev/null +++ b/Computer_Vision/bat_resnext26ts_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.885802984237671 + set_success: 0.016751766204833984 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/bat_resnext26ts_timm_0ab4fbcc/onnx/bat_resnext26ts_timm_0ab4fbcc-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/bat_resnext26ts.py +class: ByobNet +hash: 3664dcf3 +model_name: bat_resnext26ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 42012.7168 +onnx_ops_counter: + Add: 16 + Concat: 24 + Constant: 170 + ConstantOfShape: 28 + Conv: 79 + Div: 16 + Equal: 16 + Expand: 16 + EyeLike: 12 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 16 + MaxPool: 17 + Mul: 55 + ReduceSum: 16 + Relu: 32 + Reshape: 84 + Sigmoid: 43 + Split: 24 + Where: 16 +parameters: 10731200 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/bat_resnext26ts_Opset17_timm/bat_resnext26ts_Opset17.onnx b/Computer_Vision/bat_resnext26ts_Opset17_timm/bat_resnext26ts_Opset17.onnx new file mode 100644 index 000000000..592b95984 --- /dev/null +++ b/Computer_Vision/bat_resnext26ts_Opset17_timm/bat_resnext26ts_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:552966db232064355395d47227d0ed62b0bad7f9a175ca2e967fba2bf7fecdd4 +size 43020989 diff --git a/Computer_Vision/bat_resnext26ts_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/bat_resnext26ts_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..121553b60 --- /dev/null +++ b/Computer_Vision/bat_resnext26ts_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.042106628417969 + set_success: 0.01780557632446289 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/bat_resnext26ts_timm_0ab4fbcc/onnx/bat_resnext26ts_timm_0ab4fbcc-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/bat_resnext26ts.py +class: ByobNet +hash: 3664dcf3 +model_name: bat_resnext26ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 42012.7168 +onnx_ops_counter: + Add: 16 + Concat: 24 + Constant: 170 + ConstantOfShape: 28 + Conv: 79 + Div: 16 + Equal: 16 + Expand: 16 + EyeLike: 12 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 16 + MaxPool: 17 + Mul: 55 + ReduceSum: 16 + Relu: 32 + Reshape: 84 + Sigmoid: 43 + Split: 24 + Where: 16 +parameters: 10731200 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/bat_resnext26ts_Opset18_timm/bat_resnext26ts_Opset18.onnx b/Computer_Vision/bat_resnext26ts_Opset18_timm/bat_resnext26ts_Opset18.onnx new file mode 100644 index 000000000..b2a14a779 --- /dev/null +++ b/Computer_Vision/bat_resnext26ts_Opset18_timm/bat_resnext26ts_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af83641565062c971e8fc9038e9fdc23ed06a3d1e0fbf0766ed85bb3bfab98a6 +size 43020989 diff --git a/Computer_Vision/bat_resnext26ts_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/bat_resnext26ts_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2bc9c5303 --- /dev/null +++ b/Computer_Vision/bat_resnext26ts_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.12678599357605 + set_success: 0.019475698471069336 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/bat_resnext26ts_timm_0ab4fbcc/onnx/bat_resnext26ts_timm_0ab4fbcc-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/bat_resnext26ts.py +class: ByobNet +hash: 3664dcf3 +model_name: bat_resnext26ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 42012.7168 +onnx_ops_counter: + Add: 16 + Concat: 24 + Constant: 170 + ConstantOfShape: 28 + Conv: 79 + Div: 16 + Equal: 16 + Expand: 16 + EyeLike: 12 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 16 + MaxPool: 17 + Mul: 55 + ReduceSum: 16 + Relu: 32 + Reshape: 84 + Sigmoid: 43 + Split: 24 + Where: 16 +parameters: 10731200 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/beit_base_patch16_224_Opset16_timm/beit_base_patch16_224_Opset16.onnx b/Computer_Vision/beit_base_patch16_224_Opset16_timm/beit_base_patch16_224_Opset16.onnx new file mode 100644 index 000000000..db4b4388a --- /dev/null +++ b/Computer_Vision/beit_base_patch16_224_Opset16_timm/beit_base_patch16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cec01d40fc0084d333892e2cede2497666ea1a64cb0b50857bc0d7f6a8bbea54 +size 368207448 diff --git a/Computer_Vision/beit_base_patch16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/beit_base_patch16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9f5158928 --- /dev/null +++ b/Computer_Vision/beit_base_patch16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.197690486907959 + set_success: 0.0203092098236084 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/beit_base_patch16_224_timm_808030e8/onnx/beit_base_patch16_224_timm_808030e8-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/beit_base_patch16_224.py +class: Beit +hash: 19030c51 +model_name: beit_base_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 359577.6182 +onnx_ops_counter: + Add: 146 + Cast: 12 + Concat: 2 + Constant: 205 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gemm: 1 + MatMul: 72 + Mul: 98 + Pow: 25 + ReduceMean: 51 + Reshape: 25 + Shape: 13 + Slice: 14 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 86530984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/beit_base_patch16_224_Opset17_timm/beit_base_patch16_224_Opset17.onnx b/Computer_Vision/beit_base_patch16_224_Opset17_timm/beit_base_patch16_224_Opset17.onnx new file mode 100644 index 000000000..3d64e0177 --- /dev/null +++ b/Computer_Vision/beit_base_patch16_224_Opset17_timm/beit_base_patch16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:04485b7c1b6260d9618055919959d9d5878a175173bb76d524ed3899ec9f387c +size 368181540 diff --git a/Computer_Vision/beit_base_patch16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/beit_base_patch16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f6a9f8dcb --- /dev/null +++ b/Computer_Vision/beit_base_patch16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.423592805862427 + set_success: 0.019646644592285156 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/beit_base_patch16_224_timm_808030e8/onnx/beit_base_patch16_224_timm_808030e8-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/beit_base_patch16_224.py +class: Beit +hash: 19030c51 +model_name: beit_base_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 359552.3174 +onnx_ops_counter: + Add: 96 + Cast: 12 + Concat: 2 + Constant: 155 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 73 + ReduceMean: 1 + Reshape: 25 + Shape: 13 + Slice: 14 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 86530984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/beit_base_patch16_384_Opset16_timm/beit_base_patch16_384_Opset16.onnx b/Computer_Vision/beit_base_patch16_384_Opset16_timm/beit_base_patch16_384_Opset16.onnx new file mode 100644 index 000000000..d031f3663 --- /dev/null +++ b/Computer_Vision/beit_base_patch16_384_Opset16_timm/beit_base_patch16_384_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f216f3302cbdae27367a78a9c1b6b4edcf8380ffc469a28280ecde96620ed31f +size 537620592 diff --git a/Computer_Vision/beit_base_patch16_384_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/beit_base_patch16_384_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0ef8c49dd --- /dev/null +++ b/Computer_Vision/beit_base_patch16_384_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.010950088500977 + set_success: 0.024307966232299805 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/beit_base_patch16_384_timm_4acd429c/onnx/beit_base_patch16_384_timm_4acd429c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/beit_base_patch16_384.py +class: Beit +hash: 19030c51 +model_name: beit_base_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 525020.1416 +onnx_ops_counter: + Add: 146 + Cast: 12 + Concat: 2 + Constant: 205 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gemm: 1 + MatMul: 72 + Mul: 98 + Pow: 25 + ReduceMean: 51 + Reshape: 25 + Shape: 13 + Slice: 14 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 86744104 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/beit_base_patch16_384_Opset17_timm/beit_base_patch16_384_Opset17.onnx b/Computer_Vision/beit_base_patch16_384_Opset17_timm/beit_base_patch16_384_Opset17.onnx new file mode 100644 index 000000000..a25af7526 --- /dev/null +++ b/Computer_Vision/beit_base_patch16_384_Opset17_timm/beit_base_patch16_384_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4878f095beb668d19d2331cfe5d197985fa9551655deb22dba2c505cb5732885 +size 537594684 diff --git a/Computer_Vision/beit_base_patch16_384_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/beit_base_patch16_384_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..44bb268c1 --- /dev/null +++ b/Computer_Vision/beit_base_patch16_384_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.394657135009766 + set_success: 0.03256583213806152 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/beit_base_patch16_384_timm_4acd429c/onnx/beit_base_patch16_384_timm_4acd429c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/beit_base_patch16_384.py +class: Beit +hash: 19030c51 +model_name: beit_base_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 524994.8408 +onnx_ops_counter: + Add: 96 + Cast: 12 + Concat: 2 + Constant: 155 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 73 + ReduceMean: 1 + Reshape: 25 + Shape: 13 + Slice: 14 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 86744104 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/beit_large_patch16_224_Opset16_timm/beit_large_patch16_224_Opset16.onnx b/Computer_Vision/beit_large_patch16_224_Opset16_timm/beit_large_patch16_224_Opset16.onnx new file mode 100644 index 000000000..28bb8cfad --- /dev/null +++ b/Computer_Vision/beit_large_patch16_224_Opset16_timm/beit_large_patch16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19ef7301c409cf60aa1e745d892243ac60b48749b72b730f7ef2086688a85a35 +size 1276534100 diff --git a/Computer_Vision/beit_large_patch16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/beit_large_patch16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..87dfc09b2 --- /dev/null +++ b/Computer_Vision/beit_large_patch16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.754931449890137 + set_success: 0.026781558990478516 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/beit_large_patch16_224_timm_8078d3d1/onnx/beit_large_patch16_224_timm_8078d3d1-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/beit_large_patch16_224.py +class: Beit +hash: 8172d1ba +model_name: beit_large_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1246615.3643 +onnx_ops_counter: + Add: 290 + Cast: 24 + Concat: 2 + Constant: 397 + ConstantOfShape: 1 + Conv: 1 + Div: 97 + Equal: 1 + Erf: 24 + Expand: 1 + Gemm: 1 + MatMul: 144 + Mul: 194 + Pow: 49 + ReduceMean: 99 + Reshape: 49 + Shape: 25 + Slice: 26 + Softmax: 24 + Split: 24 + Sqrt: 121 + Squeeze: 72 + Sub: 49 + Transpose: 73 + Where: 1 +parameters: 304430568 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/beit_large_patch16_224_Opset17_timm/beit_large_patch16_224_Opset17.onnx b/Computer_Vision/beit_large_patch16_224_Opset17_timm/beit_large_patch16_224_Opset17.onnx new file mode 100644 index 000000000..43b335be2 --- /dev/null +++ b/Computer_Vision/beit_large_patch16_224_Opset17_timm/beit_large_patch16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f635783a308a5085b6b83f967f5de16cc72ff9f63a2a2d3c8d4c87f348a153e0 +size 1276482452 diff --git a/Computer_Vision/beit_large_patch16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/beit_large_patch16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..90ac690ec --- /dev/null +++ b/Computer_Vision/beit_large_patch16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.79102635383606 + set_success: 0.022536039352416992 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/beit_large_patch16_224_timm_8078d3d1/onnx/beit_large_patch16_224_timm_8078d3d1-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/beit_large_patch16_224.py +class: Beit +hash: 8172d1ba +model_name: beit_large_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1246564.9268 +onnx_ops_counter: + Add: 192 + Cast: 24 + Concat: 2 + Constant: 299 + ConstantOfShape: 1 + Conv: 1 + Div: 48 + Equal: 1 + Erf: 24 + Expand: 1 + Gemm: 1 + LayerNormalization: 49 + MatMul: 144 + Mul: 145 + ReduceMean: 1 + Reshape: 49 + Shape: 25 + Slice: 26 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 72 + Transpose: 73 + Where: 1 +parameters: 304430568 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/beit_large_patch16_384_Opset16_timm/beit_large_patch16_384_Opset16.onnx b/Computer_Vision/beit_large_patch16_384_Opset16_timm/beit_large_patch16_384_Opset16.onnx new file mode 100644 index 000000000..276ea897c --- /dev/null +++ b/Computer_Vision/beit_large_patch16_384_Opset16_timm/beit_large_patch16_384_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e06d580b9ae06f64d78bb528f864537757dad152b644d380fcd1593e4b93dc3c +size 1728302420 diff --git a/Computer_Vision/beit_large_patch16_384_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/beit_large_patch16_384_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..61f5e7226 --- /dev/null +++ b/Computer_Vision/beit_large_patch16_384_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 24.980473279953003 + set_success: 3.8505630493164062 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/beit_large_patch16_384_timm_2f0fac80/onnx/beit_large_patch16_384_timm_2f0fac80-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/beit_large_patch16_384.py +class: Beit +hash: 8172d1ba +model_name: beit_large_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1687795.3643 +onnx_ops_counter: + Add: 290 + Cast: 24 + Concat: 2 + Constant: 397 + ConstantOfShape: 1 + Conv: 1 + Div: 97 + Equal: 1 + Erf: 24 + Expand: 1 + Gemm: 1 + MatMul: 144 + Mul: 194 + Pow: 49 + ReduceMean: 99 + Reshape: 49 + Shape: 25 + Slice: 26 + Softmax: 24 + Split: 24 + Sqrt: 121 + Squeeze: 72 + Sub: 49 + Transpose: 73 + Where: 1 +parameters: 304998888 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/beit_large_patch16_384_Opset17_timm/beit_large_patch16_384_Opset17.onnx b/Computer_Vision/beit_large_patch16_384_Opset17_timm/beit_large_patch16_384_Opset17.onnx new file mode 100644 index 000000000..95c8b74c9 --- /dev/null +++ b/Computer_Vision/beit_large_patch16_384_Opset17_timm/beit_large_patch16_384_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:503dfb5e3491948722d0771c7e48e0125dc6f0585a51fe00d2bbd105b5bd1d80 +size 1728250772 diff --git a/Computer_Vision/beit_large_patch16_384_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/beit_large_patch16_384_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..494422044 --- /dev/null +++ b/Computer_Vision/beit_large_patch16_384_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 24.321794748306274 + set_success: 2.462958574295044 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/beit_large_patch16_384_timm_2f0fac80/onnx/beit_large_patch16_384_timm_2f0fac80-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/beit_large_patch16_384.py +class: Beit +hash: 8172d1ba +model_name: beit_large_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1687744.9268 +onnx_ops_counter: + Add: 192 + Cast: 24 + Concat: 2 + Constant: 299 + ConstantOfShape: 1 + Conv: 1 + Div: 48 + Equal: 1 + Erf: 24 + Expand: 1 + Gemm: 1 + LayerNormalization: 49 + MatMul: 144 + Mul: 145 + ReduceMean: 1 + Reshape: 49 + Shape: 25 + Slice: 26 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 72 + Transpose: 73 + Where: 1 +parameters: 304998888 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/beit_large_patch16_512_Opset16_timm/beit_large_patch16_512_Opset16.tar.gz b/Computer_Vision/beit_large_patch16_512_Opset16_timm/beit_large_patch16_512_Opset16.tar.gz new file mode 100644 index 000000000..088803e8a --- /dev/null +++ b/Computer_Vision/beit_large_patch16_512_Opset16_timm/beit_large_patch16_512_Opset16.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d70dd9eb3dc910d48025af27b4eb6f4d1562deeededc41ce5bb5a38dc70588f +size 793517792 diff --git a/Computer_Vision/beit_large_patch16_512_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/beit_large_patch16_512_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bf65fb8e5 --- /dev/null +++ b/Computer_Vision/beit_large_patch16_512_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 25.863743543624878 + set_success: 0.030117511749267578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/beit_large_patch16_512_timm_4645adf9/onnx/beit_large_patch16_512_timm_4645adf9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/beit_large_patch16_512.py +class: Beit +hash: 8172d1ba +model_name: beit_large_patch16_512 +onnx_input_dimensions: + x: + - 1 + - 3 + - 512 + - 512 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): null +onnx_ops_counter: + Add: 290 + Cast: 24 + Concat: 2 + Constant: 397 + ConstantOfShape: 1 + Conv: 1 + Div: 97 + Equal: 1 + Erf: 24 + Expand: 1 + Gemm: 1 + MatMul: 144 + Mul: 194 + Pow: 49 + ReduceMean: 99 + Reshape: 49 + Shape: 25 + Slice: 26 + Softmax: 24 + Split: 24 + Sqrt: 121 + Squeeze: 72 + Sub: 49 + Transpose: 73 + Where: 1 +parameters: 305674728 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/beit_large_patch16_512_Opset17_timm/beit_large_patch16_512_Opset17.tar.gz b/Computer_Vision/beit_large_patch16_512_Opset17_timm/beit_large_patch16_512_Opset17.tar.gz new file mode 100644 index 000000000..235fbd51f --- /dev/null +++ b/Computer_Vision/beit_large_patch16_512_Opset17_timm/beit_large_patch16_512_Opset17.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47803d81c111e837322007063c3472347e94bf8911c7c2e7f93838caf1cb139b +size 793524777 diff --git a/Computer_Vision/beit_large_patch16_512_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/beit_large_patch16_512_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6bfe83687 --- /dev/null +++ b/Computer_Vision/beit_large_patch16_512_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 29.6298668384552 + set_success: 0.033303260803222656 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/beit_large_patch16_512_timm_4645adf9/onnx/beit_large_patch16_512_timm_4645adf9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/beit_large_patch16_512.py +class: Beit +hash: 8172d1ba +model_name: beit_large_patch16_512 +onnx_input_dimensions: + x: + - 1 + - 3 + - 512 + - 512 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): null +onnx_ops_counter: + Add: 192 + Cast: 24 + Concat: 2 + Constant: 299 + ConstantOfShape: 1 + Conv: 1 + Div: 48 + Equal: 1 + Erf: 24 + Expand: 1 + Gemm: 1 + LayerNormalization: 49 + MatMul: 144 + Mul: 145 + ReduceMean: 1 + Reshape: 49 + Shape: 25 + Slice: 26 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 72 + Transpose: 73 + Where: 1 +parameters: 305674728 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/botnet26t_256_Opset16_timm/botnet26t_256_Opset16.onnx b/Computer_Vision/botnet26t_256_Opset16_timm/botnet26t_256_Opset16.onnx new file mode 100644 index 000000000..735dce1ac --- /dev/null +++ b/Computer_Vision/botnet26t_256_Opset16_timm/botnet26t_256_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64e706ddb3243ddc2f00e08285cc90796dec06ea89ffaadd5fc2c2769d207597 +size 50026862 diff --git a/Computer_Vision/botnet26t_256_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/botnet26t_256_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..69b5fb71e --- /dev/null +++ b/Computer_Vision/botnet26t_256_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8174552917480469 + set_success: 0.017027616500854492 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/botnet26t_256_timm_d8975127/onnx/botnet26t_256_timm_d8975127-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/botnet26t_256.py +class: ByobNet +hash: ead205d4 +model_name: botnet26t_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 48854.3896 +onnx_ops_counter: + Add: 14 + AveragePool: 1 + BatchNormalization: 3 + Cast: 12 + Concat: 12 + Constant: 203 + ConstantOfShape: 18 + Conv: 31 + Equal: 6 + Expand: 6 + Flatten: 7 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 12 + MaxPool: 1 + Mul: 9 + Pad: 12 + Relu: 27 + Reshape: 60 + Slice: 24 + Softmax: 3 + Split: 3 + Transpose: 30 + Where: 6 +parameters: 12488672 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/botnet26t_256_Opset17_timm/botnet26t_256_Opset17.onnx b/Computer_Vision/botnet26t_256_Opset17_timm/botnet26t_256_Opset17.onnx new file mode 100644 index 000000000..913ed2eb7 --- /dev/null +++ b/Computer_Vision/botnet26t_256_Opset17_timm/botnet26t_256_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:58c5b61c198d3895b04a3874e85b30f430d443a18d05f53bbf8ea92db8bc79da +size 50026862 diff --git a/Computer_Vision/botnet26t_256_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/botnet26t_256_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..98a6ca966 --- /dev/null +++ b/Computer_Vision/botnet26t_256_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.798579216003418 + set_success: 0.017043352127075195 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/botnet26t_256_timm_d8975127/onnx/botnet26t_256_timm_d8975127-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/botnet26t_256.py +class: ByobNet +hash: ead205d4 +model_name: botnet26t_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 48854.3896 +onnx_ops_counter: + Add: 14 + AveragePool: 1 + BatchNormalization: 3 + Cast: 12 + Concat: 12 + Constant: 203 + ConstantOfShape: 18 + Conv: 31 + Equal: 6 + Expand: 6 + Flatten: 7 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 12 + MaxPool: 1 + Mul: 9 + Pad: 12 + Relu: 27 + Reshape: 60 + Slice: 24 + Softmax: 3 + Split: 3 + Transpose: 30 + Where: 6 +parameters: 12488672 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/botnet26t_256_Opset18_timm/botnet26t_256_Opset18.onnx b/Computer_Vision/botnet26t_256_Opset18_timm/botnet26t_256_Opset18.onnx new file mode 100644 index 000000000..294b66121 --- /dev/null +++ b/Computer_Vision/botnet26t_256_Opset18_timm/botnet26t_256_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34db79e39246af3edf074a36efa15e5059f51a4b0fd5fcf551c690ec436ff489 +size 50026862 diff --git a/Computer_Vision/botnet26t_256_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/botnet26t_256_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..187634471 --- /dev/null +++ b/Computer_Vision/botnet26t_256_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8408889770507812 + set_success: 0.02063727378845215 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/botnet26t_256_timm_d8975127/onnx/botnet26t_256_timm_d8975127-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/botnet26t_256.py +class: ByobNet +hash: ead205d4 +model_name: botnet26t_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 48854.3896 +onnx_ops_counter: + Add: 14 + AveragePool: 1 + BatchNormalization: 3 + Cast: 12 + Concat: 12 + Constant: 203 + ConstantOfShape: 18 + Conv: 31 + Equal: 6 + Expand: 6 + Flatten: 7 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 12 + MaxPool: 1 + Mul: 9 + Pad: 12 + Relu: 27 + Reshape: 60 + Slice: 24 + Softmax: 3 + Split: 3 + Transpose: 30 + Where: 6 +parameters: 12488672 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_m36_384_Opset16_timm/cait_m36_384_Opset16.onnx b/Computer_Vision/cait_m36_384_Opset16_timm/cait_m36_384_Opset16.onnx new file mode 100644 index 000000000..b882cdebb --- /dev/null +++ b/Computer_Vision/cait_m36_384_Opset16_timm/cait_m36_384_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ed341040b4d2b2260c82ee7eb7b4aea711a9a2fbd760d20004410afa343e8e8 +size 1085281677 diff --git a/Computer_Vision/cait_m36_384_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/cait_m36_384_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a44493a65 --- /dev/null +++ b/Computer_Vision/cait_m36_384_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 25.981341123580933 + set_success: 0.6034402847290039 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_m36_384_timm_3901d559/onnx/cait_m36_384_timm_3901d559-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_m36_384.py +class: Cait +hash: 1659409d +model_name: cait_m36_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1059845.4199 +onnx_ops_counter: + Add: 495 + Cast: 2 + Concat: 4 + Constant: 402 + ConstantOfShape: 1 + Conv: 1 + Div: 117 + Equal: 1 + Erf: 38 + Expand: 1 + Gather: 111 + Gemm: 3 + MatMul: 302 + Mul: 270 + Pow: 77 + ReduceMean: 154 + Reshape: 81 + Shape: 3 + Slice: 3 + Softmax: 38 + Sqrt: 83 + Sub: 77 + Transpose: 261 + Unsqueeze: 2 + Where: 1 +parameters: 271221352 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_m36_384_Opset17_timm/cait_m36_384_Opset17.onnx b/Computer_Vision/cait_m36_384_Opset17_timm/cait_m36_384_Opset17.onnx new file mode 100644 index 000000000..01a4f1975 --- /dev/null +++ b/Computer_Vision/cait_m36_384_Opset17_timm/cait_m36_384_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b33ab2a9bf657218ac376760269c8ca18585147709e74ba07adf7af7ce35af82 +size 1085182252 diff --git a/Computer_Vision/cait_m36_384_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/cait_m36_384_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6194dc590 --- /dev/null +++ b/Computer_Vision/cait_m36_384_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 24.182527542114258 + set_success: 1.2994675636291504 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_m36_384_timm_3901d559/onnx/cait_m36_384_timm_3901d559-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_m36_384.py +class: Cait +hash: 1659409d +model_name: cait_m36_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1059748.3252 +onnx_ops_counter: + Add: 341 + Cast: 2 + Concat: 4 + Constant: 248 + ConstantOfShape: 1 + Conv: 1 + Div: 40 + Equal: 1 + Erf: 38 + Expand: 1 + Gather: 111 + Gemm: 3 + LayerNormalization: 77 + MatMul: 302 + Mul: 193 + Reshape: 81 + Shape: 3 + Slice: 3 + Softmax: 38 + Sqrt: 6 + Transpose: 261 + Unsqueeze: 2 + Where: 1 +parameters: 271221352 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_m36_384_Opset18_timm/cait_m36_384_Opset18.onnx b/Computer_Vision/cait_m36_384_Opset18_timm/cait_m36_384_Opset18.onnx new file mode 100644 index 000000000..f510af32a --- /dev/null +++ b/Computer_Vision/cait_m36_384_Opset18_timm/cait_m36_384_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e86e68e615d0c715934962457dfa66df3ae36eedd3e26462b7afe50199cdad11 +size 1085182252 diff --git a/Computer_Vision/cait_m36_384_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/cait_m36_384_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8b70541ec --- /dev/null +++ b/Computer_Vision/cait_m36_384_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 22.369205713272095 + set_success: 3.568983554840088 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_m36_384_timm_3901d559/onnx/cait_m36_384_timm_3901d559-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_m36_384.py +class: Cait +hash: 1659409d +model_name: cait_m36_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1059748.3252 +onnx_ops_counter: + Add: 341 + Cast: 2 + Concat: 4 + Constant: 248 + ConstantOfShape: 1 + Conv: 1 + Div: 40 + Equal: 1 + Erf: 38 + Expand: 1 + Gather: 111 + Gemm: 3 + LayerNormalization: 77 + MatMul: 302 + Mul: 193 + Reshape: 81 + Shape: 3 + Slice: 3 + Softmax: 38 + Sqrt: 6 + Transpose: 261 + Unsqueeze: 2 + Where: 1 +parameters: 271221352 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_m48_448_Opset16_timm/cait_m48_448_Opset16.onnx b/Computer_Vision/cait_m48_448_Opset16_timm/cait_m48_448_Opset16.onnx new file mode 100644 index 000000000..695ef5917 --- /dev/null +++ b/Computer_Vision/cait_m48_448_Opset16_timm/cait_m48_448_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5552309f0c0044a16f48923b041f99f5d49448f748afc0b9dd8ac5176740e83c +size 1426361447 diff --git a/Computer_Vision/cait_m48_448_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/cait_m48_448_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..dbbed367d --- /dev/null +++ b/Computer_Vision/cait_m48_448_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 42.111207723617554 + set_success: 0.050940752029418945 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_m48_448_timm_4c2e8201/onnx/cait_m48_448_timm_4c2e8201-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_m48_448.py +class: Cait +hash: 916a53d6 +model_name: cait_m48_448 +onnx_input_dimensions: + x: + - 1 + - 3 + - 448 + - 448 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1392931.1328 +onnx_ops_counter: + Add: 651 + Cast: 2 + Concat: 4 + Constant: 522 + ConstantOfShape: 1 + Conv: 1 + Div: 153 + Equal: 1 + Erf: 50 + Expand: 1 + Gather: 147 + Gemm: 3 + MatMul: 398 + Mul: 354 + Pow: 101 + ReduceMean: 202 + Reshape: 105 + Shape: 3 + Slice: 3 + Softmax: 50 + Sqrt: 107 + Sub: 101 + Transpose: 345 + Unsqueeze: 2 + Where: 1 +parameters: 356460520 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_m48_448_Opset17_timm/cait_m48_448_Opset17.onnx b/Computer_Vision/cait_m48_448_Opset17_timm/cait_m48_448_Opset17.onnx new file mode 100644 index 000000000..86cc9629d --- /dev/null +++ b/Computer_Vision/cait_m48_448_Opset17_timm/cait_m48_448_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b7d1386dc4848cd0b18c1fab1a6b65a5fc45b03a98b0eee9d9be74dc2f00778 +size 1426230750 diff --git a/Computer_Vision/cait_m48_448_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/cait_m48_448_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..38e5c4bbd --- /dev/null +++ b/Computer_Vision/cait_m48_448_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 37.385425329208374 + set_success: 0.04841160774230957 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_m48_448_timm_4c2e8201/onnx/cait_m48_448_timm_4c2e8201-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_m48_448.py +class: Cait +hash: 916a53d6 +model_name: cait_m48_448 +onnx_input_dimensions: + x: + - 1 + - 3 + - 448 + - 448 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1392803.499 +onnx_ops_counter: + Add: 449 + Cast: 2 + Concat: 4 + Constant: 320 + ConstantOfShape: 1 + Conv: 1 + Div: 52 + Equal: 1 + Erf: 50 + Expand: 1 + Gather: 147 + Gemm: 3 + LayerNormalization: 101 + MatMul: 398 + Mul: 253 + Reshape: 105 + Shape: 3 + Slice: 3 + Softmax: 50 + Sqrt: 6 + Transpose: 345 + Unsqueeze: 2 + Where: 1 +parameters: 356460520 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_m48_448_Opset18_timm/cait_m48_448_Opset18.onnx b/Computer_Vision/cait_m48_448_Opset18_timm/cait_m48_448_Opset18.onnx new file mode 100644 index 000000000..9680ee3b5 --- /dev/null +++ b/Computer_Vision/cait_m48_448_Opset18_timm/cait_m48_448_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19e6d0beae50e8e3667a8d773b04e4eb8d967635617d1c4d2ac8c3fa2e9aa763 +size 1426230750 diff --git a/Computer_Vision/cait_m48_448_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/cait_m48_448_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b9754cf4a --- /dev/null +++ b/Computer_Vision/cait_m48_448_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 39.671995401382446 + set_success: 0.052645206451416016 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_m48_448_timm_4c2e8201/onnx/cait_m48_448_timm_4c2e8201-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_m48_448.py +class: Cait +hash: 916a53d6 +model_name: cait_m48_448 +onnx_input_dimensions: + x: + - 1 + - 3 + - 448 + - 448 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1392803.499 +onnx_ops_counter: + Add: 449 + Cast: 2 + Concat: 4 + Constant: 320 + ConstantOfShape: 1 + Conv: 1 + Div: 52 + Equal: 1 + Erf: 50 + Expand: 1 + Gather: 147 + Gemm: 3 + LayerNormalization: 101 + MatMul: 398 + Mul: 253 + Reshape: 105 + Shape: 3 + Slice: 3 + Softmax: 50 + Sqrt: 6 + Transpose: 345 + Unsqueeze: 2 + Where: 1 +parameters: 356460520 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_s24_224_Opset16_timm/cait_s24_224_Opset16.onnx b/Computer_Vision/cait_s24_224_Opset16_timm/cait_s24_224_Opset16.onnx new file mode 100644 index 000000000..b1e603730 --- /dev/null +++ b/Computer_Vision/cait_s24_224_Opset16_timm/cait_s24_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5370d68679a5b3912d465ed5877e801442821dbd5acf2a73ccc5e1546a81d48a +size 187937856 diff --git a/Computer_Vision/cait_s24_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/cait_s24_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8c02cd239 --- /dev/null +++ b/Computer_Vision/cait_s24_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.361790180206299 + set_success: 0.021940946578979492 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_s24_224_timm_edd6047a/onnx/cait_s24_224_timm_edd6047a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_s24_224.py +class: Cait +hash: 99d42999 +model_name: cait_s24_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 183533.0947 +onnx_ops_counter: + Add: 339 + Cast: 2 + Concat: 4 + Constant: 282 + ConstantOfShape: 1 + Conv: 1 + Div: 81 + Equal: 1 + Erf: 26 + Expand: 1 + Gather: 75 + Gemm: 3 + MatMul: 206 + Mul: 186 + Pow: 53 + ReduceMean: 106 + Reshape: 57 + Shape: 3 + Slice: 3 + Softmax: 26 + Sqrt: 59 + Sub: 53 + Transpose: 177 + Unsqueeze: 2 + Where: 1 +parameters: 46916200 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_s24_224_Opset17_timm/cait_s24_224_Opset17.onnx b/Computer_Vision/cait_s24_224_Opset17_timm/cait_s24_224_Opset17.onnx new file mode 100644 index 000000000..5ead47ca0 --- /dev/null +++ b/Computer_Vision/cait_s24_224_Opset17_timm/cait_s24_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6ce2d186652e41b6578e647d8c7b4ba8b65ffafa56c652e635e8439b3814999f +size 187869703 diff --git a/Computer_Vision/cait_s24_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/cait_s24_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..fb69c6fc4 --- /dev/null +++ b/Computer_Vision/cait_s24_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.947001695632935 + set_success: 0.02311849594116211 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_s24_224_timm_edd6047a/onnx/cait_s24_224_timm_edd6047a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_s24_224.py +class: Cait +hash: 99d42999 +model_name: cait_s24_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 183466.5391 +onnx_ops_counter: + Add: 233 + Cast: 2 + Concat: 4 + Constant: 176 + ConstantOfShape: 1 + Conv: 1 + Div: 28 + Equal: 1 + Erf: 26 + Expand: 1 + Gather: 75 + Gemm: 3 + LayerNormalization: 53 + MatMul: 206 + Mul: 133 + Reshape: 57 + Shape: 3 + Slice: 3 + Softmax: 26 + Sqrt: 6 + Transpose: 177 + Unsqueeze: 2 + Where: 1 +parameters: 46916200 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_s24_224_Opset18_timm/cait_s24_224_Opset18.onnx b/Computer_Vision/cait_s24_224_Opset18_timm/cait_s24_224_Opset18.onnx new file mode 100644 index 000000000..129d07181 --- /dev/null +++ b/Computer_Vision/cait_s24_224_Opset18_timm/cait_s24_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d6fb75a395fdec2d4c555b694b748374a30a96b64dc743db4f9027c23f123e31 +size 187869703 diff --git a/Computer_Vision/cait_s24_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/cait_s24_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f15c0ff28 --- /dev/null +++ b/Computer_Vision/cait_s24_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.784209251403809 + set_success: 0.021238088607788086 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_s24_224_timm_edd6047a/onnx/cait_s24_224_timm_edd6047a-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_s24_224.py +class: Cait +hash: 99d42999 +model_name: cait_s24_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 183466.5391 +onnx_ops_counter: + Add: 233 + Cast: 2 + Concat: 4 + Constant: 176 + ConstantOfShape: 1 + Conv: 1 + Div: 28 + Equal: 1 + Erf: 26 + Expand: 1 + Gather: 75 + Gemm: 3 + LayerNormalization: 53 + MatMul: 206 + Mul: 133 + Reshape: 57 + Shape: 3 + Slice: 3 + Softmax: 26 + Sqrt: 6 + Transpose: 177 + Unsqueeze: 2 + Where: 1 +parameters: 46916200 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_s24_384_Opset16_timm/cait_s24_384_Opset16.onnx b/Computer_Vision/cait_s24_384_Opset16_timm/cait_s24_384_Opset16.onnx new file mode 100644 index 000000000..4f565af29 --- /dev/null +++ b/Computer_Vision/cait_s24_384_Opset16_timm/cait_s24_384_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77e5ccc22deb7faf17922cb961f090b6b9be1da13b3da0dbc0a68c54128484af +size 188521536 diff --git a/Computer_Vision/cait_s24_384_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/cait_s24_384_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..de924c68c --- /dev/null +++ b/Computer_Vision/cait_s24_384_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.221017122268677 + set_success: 0.025674104690551758 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_s24_384_timm_cf97f27e/onnx/cait_s24_384_timm_cf97f27e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_s24_384.py +class: Cait +hash: 99d42999 +model_name: cait_s24_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 184103.0947 +onnx_ops_counter: + Add: 339 + Cast: 2 + Concat: 4 + Constant: 282 + ConstantOfShape: 1 + Conv: 1 + Div: 81 + Equal: 1 + Erf: 26 + Expand: 1 + Gather: 75 + Gemm: 3 + MatMul: 206 + Mul: 186 + Pow: 53 + ReduceMean: 106 + Reshape: 57 + Shape: 3 + Slice: 3 + Softmax: 26 + Sqrt: 59 + Sub: 53 + Transpose: 177 + Unsqueeze: 2 + Where: 1 +parameters: 47062120 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_s24_384_Opset17_timm/cait_s24_384_Opset17.onnx b/Computer_Vision/cait_s24_384_Opset17_timm/cait_s24_384_Opset17.onnx new file mode 100644 index 000000000..3a5599f86 --- /dev/null +++ b/Computer_Vision/cait_s24_384_Opset17_timm/cait_s24_384_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b405b7403933177ffd22efbfee72b2668900cdb11fb49dbbf19402b3a1451070 +size 188453383 diff --git a/Computer_Vision/cait_s24_384_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/cait_s24_384_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d332ced2e --- /dev/null +++ b/Computer_Vision/cait_s24_384_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.558379650115967 + set_success: 0.03269362449645996 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_s24_384_timm_cf97f27e/onnx/cait_s24_384_timm_cf97f27e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_s24_384.py +class: Cait +hash: 99d42999 +model_name: cait_s24_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 184036.5391 +onnx_ops_counter: + Add: 233 + Cast: 2 + Concat: 4 + Constant: 176 + ConstantOfShape: 1 + Conv: 1 + Div: 28 + Equal: 1 + Erf: 26 + Expand: 1 + Gather: 75 + Gemm: 3 + LayerNormalization: 53 + MatMul: 206 + Mul: 133 + Reshape: 57 + Shape: 3 + Slice: 3 + Softmax: 26 + Sqrt: 6 + Transpose: 177 + Unsqueeze: 2 + Where: 1 +parameters: 47062120 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_s24_384_Opset18_timm/cait_s24_384_Opset18.onnx b/Computer_Vision/cait_s24_384_Opset18_timm/cait_s24_384_Opset18.onnx new file mode 100644 index 000000000..e63c8d540 --- /dev/null +++ b/Computer_Vision/cait_s24_384_Opset18_timm/cait_s24_384_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe3787f4e52459ffc00467947c060a3a0938911afe2fcae3728d48d6570f2ae9 +size 188453383 diff --git a/Computer_Vision/cait_s24_384_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/cait_s24_384_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0cb30b01e --- /dev/null +++ b/Computer_Vision/cait_s24_384_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.348883152008057 + set_success: 0.02684164047241211 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_s24_384_timm_cf97f27e/onnx/cait_s24_384_timm_cf97f27e-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_s24_384.py +class: Cait +hash: 99d42999 +model_name: cait_s24_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 184036.5391 +onnx_ops_counter: + Add: 233 + Cast: 2 + Concat: 4 + Constant: 176 + ConstantOfShape: 1 + Conv: 1 + Div: 28 + Equal: 1 + Erf: 26 + Expand: 1 + Gather: 75 + Gemm: 3 + LayerNormalization: 53 + MatMul: 206 + Mul: 133 + Reshape: 57 + Shape: 3 + Slice: 3 + Softmax: 26 + Sqrt: 6 + Transpose: 177 + Unsqueeze: 2 + Where: 1 +parameters: 47062120 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_s36_384_Opset16_timm/cait_s36_384_Opset16.onnx b/Computer_Vision/cait_s36_384_Opset16_timm/cait_s36_384_Opset16.onnx new file mode 100644 index 000000000..29be38062 --- /dev/null +++ b/Computer_Vision/cait_s36_384_Opset16_timm/cait_s36_384_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:abb32223172ed57c21e9687bf7780ecc299debaa7762e84ccf052e05893cafd7 +size 273862633 diff --git a/Computer_Vision/cait_s36_384_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/cait_s36_384_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6dda506cb --- /dev/null +++ b/Computer_Vision/cait_s36_384_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.216728925704956 + set_success: 0.031000137329101562 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_s36_384_timm_c2f6d7b5/onnx/cait_s36_384_timm_c2f6d7b5-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_s36_384.py +class: Cait +hash: '37091286' +model_name: cait_s36_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 267444.0098 +onnx_ops_counter: + Add: 495 + Cast: 2 + Concat: 4 + Constant: 402 + ConstantOfShape: 1 + Conv: 1 + Div: 117 + Equal: 1 + Erf: 38 + Expand: 1 + Gather: 111 + Gemm: 3 + MatMul: 302 + Mul: 270 + Pow: 77 + ReduceMean: 154 + Reshape: 81 + Shape: 3 + Slice: 3 + Softmax: 38 + Sqrt: 83 + Sub: 77 + Transpose: 261 + Unsqueeze: 2 + Where: 1 +parameters: 68366632 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_s36_384_Opset17_timm/cait_s36_384_Opset17.onnx b/Computer_Vision/cait_s36_384_Opset17_timm/cait_s36_384_Opset17.onnx new file mode 100644 index 000000000..341c58fc2 --- /dev/null +++ b/Computer_Vision/cait_s36_384_Opset17_timm/cait_s36_384_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e61279c5af857d5ace08c37da22f1259618096057aa2d95c7c46beae89f6aaf3 +size 273763208 diff --git a/Computer_Vision/cait_s36_384_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/cait_s36_384_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..172ada4cb --- /dev/null +++ b/Computer_Vision/cait_s36_384_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.555958032608032 + set_success: 0.030086994171142578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_s36_384_timm_c2f6d7b5/onnx/cait_s36_384_timm_c2f6d7b5-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_s36_384.py +class: Cait +hash: '37091286' +model_name: cait_s36_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 267346.915 +onnx_ops_counter: + Add: 341 + Cast: 2 + Concat: 4 + Constant: 248 + ConstantOfShape: 1 + Conv: 1 + Div: 40 + Equal: 1 + Erf: 38 + Expand: 1 + Gather: 111 + Gemm: 3 + LayerNormalization: 77 + MatMul: 302 + Mul: 193 + Reshape: 81 + Shape: 3 + Slice: 3 + Softmax: 38 + Sqrt: 6 + Transpose: 261 + Unsqueeze: 2 + Where: 1 +parameters: 68366632 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_s36_384_Opset18_timm/cait_s36_384_Opset18.onnx b/Computer_Vision/cait_s36_384_Opset18_timm/cait_s36_384_Opset18.onnx new file mode 100644 index 000000000..f63e0439b --- /dev/null +++ b/Computer_Vision/cait_s36_384_Opset18_timm/cait_s36_384_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db28e16171e7c18f38e8ba411efa4fd8083fe653b25acc8e48d35a2bc65ed35f +size 273763208 diff --git a/Computer_Vision/cait_s36_384_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/cait_s36_384_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..86df341b4 --- /dev/null +++ b/Computer_Vision/cait_s36_384_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.16773247718811 + set_success: 0.02805638313293457 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_s36_384_timm_c2f6d7b5/onnx/cait_s36_384_timm_c2f6d7b5-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_s36_384.py +class: Cait +hash: '37091286' +model_name: cait_s36_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 267346.915 +onnx_ops_counter: + Add: 341 + Cast: 2 + Concat: 4 + Constant: 248 + ConstantOfShape: 1 + Conv: 1 + Div: 40 + Equal: 1 + Erf: 38 + Expand: 1 + Gather: 111 + Gemm: 3 + LayerNormalization: 77 + MatMul: 302 + Mul: 193 + Reshape: 81 + Shape: 3 + Slice: 3 + Softmax: 38 + Sqrt: 6 + Transpose: 261 + Unsqueeze: 2 + Where: 1 +parameters: 68366632 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_xs24_384_Opset16_timm/cait_xs24_384_Opset16.onnx b/Computer_Vision/cait_xs24_384_Opset16_timm/cait_xs24_384_Opset16.onnx new file mode 100644 index 000000000..f7efd64db --- /dev/null +++ b/Computer_Vision/cait_xs24_384_Opset16_timm/cait_xs24_384_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dcf07d6ea0d92a2fe0be363d3f3022426df09a19463060809e37af443a644c9b +size 106953304 diff --git a/Computer_Vision/cait_xs24_384_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/cait_xs24_384_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..989baeeb1 --- /dev/null +++ b/Computer_Vision/cait_xs24_384_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.012508869171143 + set_success: 0.023662567138671875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_xs24_384_timm_fc220db3/onnx/cait_xs24_384_timm_fc220db3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_xs24_384.py +class: Cait +hash: 0835d80a +model_name: cait_xs24_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 104446.6182 +onnx_ops_counter: + Add: 339 + Cast: 2 + Concat: 4 + Constant: 282 + ConstantOfShape: 1 + Conv: 1 + Div: 81 + Equal: 1 + Erf: 26 + Expand: 1 + Gather: 75 + Gemm: 3 + MatMul: 206 + Mul: 186 + Pow: 53 + ReduceMean: 106 + Reshape: 57 + Shape: 3 + Slice: 3 + Softmax: 26 + Sqrt: 59 + Sub: 53 + Transpose: 177 + Unsqueeze: 2 + Where: 1 +parameters: 26670088 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_xs24_384_Opset17_timm/cait_xs24_384_Opset17.onnx b/Computer_Vision/cait_xs24_384_Opset17_timm/cait_xs24_384_Opset17.onnx new file mode 100644 index 000000000..935e9fdc9 --- /dev/null +++ b/Computer_Vision/cait_xs24_384_Opset17_timm/cait_xs24_384_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4b37f2bfa74887f61a001a418548df5fc3603789982da69f0abf5c05881c1cb +size 106885151 diff --git a/Computer_Vision/cait_xs24_384_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/cait_xs24_384_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d8618c5ff --- /dev/null +++ b/Computer_Vision/cait_xs24_384_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.310598850250244 + set_success: 0.02594900131225586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_xs24_384_timm_fc220db3/onnx/cait_xs24_384_timm_fc220db3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_xs24_384.py +class: Cait +hash: 0835d80a +model_name: cait_xs24_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 104380.0625 +onnx_ops_counter: + Add: 233 + Cast: 2 + Concat: 4 + Constant: 176 + ConstantOfShape: 1 + Conv: 1 + Div: 28 + Equal: 1 + Erf: 26 + Expand: 1 + Gather: 75 + Gemm: 3 + LayerNormalization: 53 + MatMul: 206 + Mul: 133 + Reshape: 57 + Shape: 3 + Slice: 3 + Softmax: 26 + Sqrt: 6 + Transpose: 177 + Unsqueeze: 2 + Where: 1 +parameters: 26670088 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_xs24_384_Opset18_timm/cait_xs24_384_Opset18.onnx b/Computer_Vision/cait_xs24_384_Opset18_timm/cait_xs24_384_Opset18.onnx new file mode 100644 index 000000000..bf6e49296 --- /dev/null +++ b/Computer_Vision/cait_xs24_384_Opset18_timm/cait_xs24_384_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:32b1407d87f3b81c3880afadb0f552cb7504abfea962f5b1194cf40e9dcc3a81 +size 106885151 diff --git a/Computer_Vision/cait_xs24_384_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/cait_xs24_384_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..18ebb729e --- /dev/null +++ b/Computer_Vision/cait_xs24_384_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.34608793258667 + set_success: 0.026971101760864258 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_xs24_384_timm_fc220db3/onnx/cait_xs24_384_timm_fc220db3-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_xs24_384.py +class: Cait +hash: 0835d80a +model_name: cait_xs24_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 104380.0625 +onnx_ops_counter: + Add: 233 + Cast: 2 + Concat: 4 + Constant: 176 + ConstantOfShape: 1 + Conv: 1 + Div: 28 + Equal: 1 + Erf: 26 + Expand: 1 + Gather: 75 + Gemm: 3 + LayerNormalization: 53 + MatMul: 206 + Mul: 133 + Reshape: 57 + Shape: 3 + Slice: 3 + Softmax: 26 + Sqrt: 6 + Transpose: 177 + Unsqueeze: 2 + Where: 1 +parameters: 26670088 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_xxs24_224_Opset16_timm/cait_xxs24_224_Opset16.onnx b/Computer_Vision/cait_xxs24_224_Opset16_timm/cait_xxs24_224_Opset16.onnx new file mode 100644 index 000000000..314f45f18 --- /dev/null +++ b/Computer_Vision/cait_xxs24_224_Opset16_timm/cait_xxs24_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:78382910d64e995df9946b4ee6f27578a8ecfb0a926ea44c5653f0e078d571b3 +size 48097912 diff --git a/Computer_Vision/cait_xxs24_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/cait_xxs24_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2e31bbbe5 --- /dev/null +++ b/Computer_Vision/cait_xxs24_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.276603937149048 + set_success: 0.018657922744750977 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_xxs24_224_timm_3ee24db0/onnx/cait_xxs24_224_timm_3ee24db0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_xxs24_224.py +class: Cait +hash: 0ca80a9d +model_name: cait_xxs24_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 46970.6494 +onnx_ops_counter: + Add: 339 + Cast: 2 + Concat: 4 + Constant: 282 + ConstantOfShape: 1 + Conv: 1 + Div: 81 + Equal: 1 + Erf: 26 + Expand: 1 + Gather: 75 + Gemm: 3 + MatMul: 206 + Mul: 186 + Pow: 53 + ReduceMean: 106 + Reshape: 57 + Shape: 3 + Slice: 3 + Softmax: 26 + Sqrt: 59 + Sub: 53 + Transpose: 177 + Unsqueeze: 2 + Where: 1 +parameters: 11956264 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_xxs24_224_Opset17_timm/cait_xxs24_224_Opset17.onnx b/Computer_Vision/cait_xxs24_224_Opset17_timm/cait_xxs24_224_Opset17.onnx new file mode 100644 index 000000000..2859d4d0c --- /dev/null +++ b/Computer_Vision/cait_xxs24_224_Opset17_timm/cait_xxs24_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dfe81f31b44d86b4abc645ab20b59ad15c70258b8fa6e5d06ba524d134c40739 +size 48029759 diff --git a/Computer_Vision/cait_xxs24_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/cait_xxs24_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a77ff7fda --- /dev/null +++ b/Computer_Vision/cait_xxs24_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.494131803512573 + set_success: 0.019093990325927734 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_xxs24_224_timm_3ee24db0/onnx/cait_xxs24_224_timm_3ee24db0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_xxs24_224.py +class: Cait +hash: 0ca80a9d +model_name: cait_xxs24_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 46904.0938 +onnx_ops_counter: + Add: 233 + Cast: 2 + Concat: 4 + Constant: 176 + ConstantOfShape: 1 + Conv: 1 + Div: 28 + Equal: 1 + Erf: 26 + Expand: 1 + Gather: 75 + Gemm: 3 + LayerNormalization: 53 + MatMul: 206 + Mul: 133 + Reshape: 57 + Shape: 3 + Slice: 3 + Softmax: 26 + Sqrt: 6 + Transpose: 177 + Unsqueeze: 2 + Where: 1 +parameters: 11956264 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_xxs24_224_Opset18_timm/cait_xxs24_224_Opset18.onnx b/Computer_Vision/cait_xxs24_224_Opset18_timm/cait_xxs24_224_Opset18.onnx new file mode 100644 index 000000000..774923a08 --- /dev/null +++ b/Computer_Vision/cait_xxs24_224_Opset18_timm/cait_xxs24_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0540ab75c2f029ac8a2f2e366f427eeb583013fe6cfc68320729579b9c3a6647 +size 48029759 diff --git a/Computer_Vision/cait_xxs24_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/cait_xxs24_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7b97fc8e5 --- /dev/null +++ b/Computer_Vision/cait_xxs24_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.572168588638306 + set_success: 0.018363475799560547 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_xxs24_224_timm_3ee24db0/onnx/cait_xxs24_224_timm_3ee24db0-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_xxs24_224.py +class: Cait +hash: 0ca80a9d +model_name: cait_xxs24_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 46904.0938 +onnx_ops_counter: + Add: 233 + Cast: 2 + Concat: 4 + Constant: 176 + ConstantOfShape: 1 + Conv: 1 + Div: 28 + Equal: 1 + Erf: 26 + Expand: 1 + Gather: 75 + Gemm: 3 + LayerNormalization: 53 + MatMul: 206 + Mul: 133 + Reshape: 57 + Shape: 3 + Slice: 3 + Softmax: 26 + Sqrt: 6 + Transpose: 177 + Unsqueeze: 2 + Where: 1 +parameters: 11956264 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_xxs24_384_Opset16_timm/cait_xxs24_384_Opset16.onnx b/Computer_Vision/cait_xxs24_384_Opset16_timm/cait_xxs24_384_Opset16.onnx new file mode 100644 index 000000000..e18735baa --- /dev/null +++ b/Computer_Vision/cait_xxs24_384_Opset16_timm/cait_xxs24_384_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:baf81bed15f2bffa3a3b0456c0a3c92ca0b6a777434a519f96cbfd31502f3c7a +size 48389752 diff --git a/Computer_Vision/cait_xxs24_384_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/cait_xxs24_384_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..240e6305e --- /dev/null +++ b/Computer_Vision/cait_xxs24_384_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.321841478347778 + set_success: 0.020556926727294922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_xxs24_384_timm_84794b19/onnx/cait_xxs24_384_timm_84794b19-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_xxs24_384.py +class: Cait +hash: 0ca80a9d +model_name: cait_xxs24_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 47255.6494 +onnx_ops_counter: + Add: 339 + Cast: 2 + Concat: 4 + Constant: 282 + ConstantOfShape: 1 + Conv: 1 + Div: 81 + Equal: 1 + Erf: 26 + Expand: 1 + Gather: 75 + Gemm: 3 + MatMul: 206 + Mul: 186 + Pow: 53 + ReduceMean: 106 + Reshape: 57 + Shape: 3 + Slice: 3 + Softmax: 26 + Sqrt: 59 + Sub: 53 + Transpose: 177 + Unsqueeze: 2 + Where: 1 +parameters: 12029224 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_xxs24_384_Opset17_timm/cait_xxs24_384_Opset17.onnx b/Computer_Vision/cait_xxs24_384_Opset17_timm/cait_xxs24_384_Opset17.onnx new file mode 100644 index 000000000..6ac7cc9cb --- /dev/null +++ b/Computer_Vision/cait_xxs24_384_Opset17_timm/cait_xxs24_384_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d049050900f0b716d3e2079b1d3b6a5299838592dfa1c87888489edd5d367a5 +size 48321599 diff --git a/Computer_Vision/cait_xxs24_384_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/cait_xxs24_384_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9e038f53f --- /dev/null +++ b/Computer_Vision/cait_xxs24_384_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.615628957748413 + set_success: 0.02115941047668457 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_xxs24_384_timm_84794b19/onnx/cait_xxs24_384_timm_84794b19-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_xxs24_384.py +class: Cait +hash: 0ca80a9d +model_name: cait_xxs24_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 47189.0938 +onnx_ops_counter: + Add: 233 + Cast: 2 + Concat: 4 + Constant: 176 + ConstantOfShape: 1 + Conv: 1 + Div: 28 + Equal: 1 + Erf: 26 + Expand: 1 + Gather: 75 + Gemm: 3 + LayerNormalization: 53 + MatMul: 206 + Mul: 133 + Reshape: 57 + Shape: 3 + Slice: 3 + Softmax: 26 + Sqrt: 6 + Transpose: 177 + Unsqueeze: 2 + Where: 1 +parameters: 12029224 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_xxs24_384_Opset18_timm/cait_xxs24_384_Opset18.onnx b/Computer_Vision/cait_xxs24_384_Opset18_timm/cait_xxs24_384_Opset18.onnx new file mode 100644 index 000000000..cfc4daff6 --- /dev/null +++ b/Computer_Vision/cait_xxs24_384_Opset18_timm/cait_xxs24_384_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc66af9482b9b25d56923b720e057df460e47bedd088192052d8fe86234450bd +size 48321599 diff --git a/Computer_Vision/cait_xxs24_384_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/cait_xxs24_384_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..074262576 --- /dev/null +++ b/Computer_Vision/cait_xxs24_384_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.661314964294434 + set_success: 0.02355813980102539 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_xxs24_384_timm_84794b19/onnx/cait_xxs24_384_timm_84794b19-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_xxs24_384.py +class: Cait +hash: 0ca80a9d +model_name: cait_xxs24_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 47189.0938 +onnx_ops_counter: + Add: 233 + Cast: 2 + Concat: 4 + Constant: 176 + ConstantOfShape: 1 + Conv: 1 + Div: 28 + Equal: 1 + Erf: 26 + Expand: 1 + Gather: 75 + Gemm: 3 + LayerNormalization: 53 + MatMul: 206 + Mul: 133 + Reshape: 57 + Shape: 3 + Slice: 3 + Softmax: 26 + Sqrt: 6 + Transpose: 177 + Unsqueeze: 2 + Where: 1 +parameters: 12029224 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_xxs36_224_Opset16_timm/cait_xxs36_224_Opset16.onnx b/Computer_Vision/cait_xxs36_224_Opset16_timm/cait_xxs36_224_Opset16.onnx new file mode 100644 index 000000000..ae56c45fe --- /dev/null +++ b/Computer_Vision/cait_xxs36_224_Opset16_timm/cait_xxs36_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e56cd25a04ccc0c8f61593efad35b48939d0eb8a7d99cad0d67d9e3a72a62b15 +size 69594688 diff --git a/Computer_Vision/cait_xxs36_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/cait_xxs36_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ca2f5dc52 --- /dev/null +++ b/Computer_Vision/cait_xxs36_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.6391761302948 + set_success: 0.02105426788330078 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_xxs36_224_timm_bf352925/onnx/cait_xxs36_224_timm_bf352925-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_xxs36_224.py +class: Cait +hash: 734d61c0 +model_name: cait_xxs36_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 67963.5947 +onnx_ops_counter: + Add: 495 + Cast: 2 + Concat: 4 + Constant: 402 + ConstantOfShape: 1 + Conv: 1 + Div: 117 + Equal: 1 + Erf: 38 + Expand: 1 + Gather: 111 + Gemm: 3 + MatMul: 302 + Mul: 270 + Pow: 77 + ReduceMean: 154 + Reshape: 81 + Shape: 3 + Slice: 3 + Softmax: 38 + Sqrt: 83 + Sub: 77 + Transpose: 261 + Unsqueeze: 2 + Where: 1 +parameters: 17299720 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_xxs36_224_Opset17_timm/cait_xxs36_224_Opset17.onnx b/Computer_Vision/cait_xxs36_224_Opset17_timm/cait_xxs36_224_Opset17.onnx new file mode 100644 index 000000000..06c75c34e --- /dev/null +++ b/Computer_Vision/cait_xxs36_224_Opset17_timm/cait_xxs36_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10c53d9ca6efaf83c29e23d419a9614c076474a5f439eb095cd6e95c2bf3e996 +size 69495263 diff --git a/Computer_Vision/cait_xxs36_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/cait_xxs36_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5884f4b7b --- /dev/null +++ b/Computer_Vision/cait_xxs36_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.169849157333374 + set_success: 0.02402496337890625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_xxs36_224_timm_bf352925/onnx/cait_xxs36_224_timm_bf352925-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_xxs36_224.py +class: Cait +hash: 734d61c0 +model_name: cait_xxs36_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 67866.5 +onnx_ops_counter: + Add: 341 + Cast: 2 + Concat: 4 + Constant: 248 + ConstantOfShape: 1 + Conv: 1 + Div: 40 + Equal: 1 + Erf: 38 + Expand: 1 + Gather: 111 + Gemm: 3 + LayerNormalization: 77 + MatMul: 302 + Mul: 193 + Reshape: 81 + Shape: 3 + Slice: 3 + Softmax: 38 + Sqrt: 6 + Transpose: 261 + Unsqueeze: 2 + Where: 1 +parameters: 17299720 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_xxs36_224_Opset18_timm/cait_xxs36_224_Opset18.onnx b/Computer_Vision/cait_xxs36_224_Opset18_timm/cait_xxs36_224_Opset18.onnx new file mode 100644 index 000000000..85c872dd4 --- /dev/null +++ b/Computer_Vision/cait_xxs36_224_Opset18_timm/cait_xxs36_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce53bf770586faa737973b650728f01665f275aae6628d97fe962e39d26dbc3c +size 69495263 diff --git a/Computer_Vision/cait_xxs36_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/cait_xxs36_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ded52d2e2 --- /dev/null +++ b/Computer_Vision/cait_xxs36_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.881950378417969 + set_success: 0.023313283920288086 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_xxs36_224_timm_bf352925/onnx/cait_xxs36_224_timm_bf352925-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_xxs36_224.py +class: Cait +hash: 734d61c0 +model_name: cait_xxs36_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 67866.5 +onnx_ops_counter: + Add: 341 + Cast: 2 + Concat: 4 + Constant: 248 + ConstantOfShape: 1 + Conv: 1 + Div: 40 + Equal: 1 + Erf: 38 + Expand: 1 + Gather: 111 + Gemm: 3 + LayerNormalization: 77 + MatMul: 302 + Mul: 193 + Reshape: 81 + Shape: 3 + Slice: 3 + Softmax: 38 + Sqrt: 6 + Transpose: 261 + Unsqueeze: 2 + Where: 1 +parameters: 17299720 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_xxs36_384_Opset16_timm/cait_xxs36_384_Opset16.onnx b/Computer_Vision/cait_xxs36_384_Opset16_timm/cait_xxs36_384_Opset16.onnx new file mode 100644 index 000000000..d9e534df9 --- /dev/null +++ b/Computer_Vision/cait_xxs36_384_Opset16_timm/cait_xxs36_384_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09dbbdace48abec5fdd0674a0929ff0cb53e2a5909f7419ad7db26544e49770a +size 69886528 diff --git a/Computer_Vision/cait_xxs36_384_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/cait_xxs36_384_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bbb9b4458 --- /dev/null +++ b/Computer_Vision/cait_xxs36_384_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.28454065322876 + set_success: 0.027210235595703125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_xxs36_384_timm_7d6c7fa6/onnx/cait_xxs36_384_timm_7d6c7fa6-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_xxs36_384.py +class: Cait +hash: 734d61c0 +model_name: cait_xxs36_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 68248.5947 +onnx_ops_counter: + Add: 495 + Cast: 2 + Concat: 4 + Constant: 402 + ConstantOfShape: 1 + Conv: 1 + Div: 117 + Equal: 1 + Erf: 38 + Expand: 1 + Gather: 111 + Gemm: 3 + MatMul: 302 + Mul: 270 + Pow: 77 + ReduceMean: 154 + Reshape: 81 + Shape: 3 + Slice: 3 + Softmax: 38 + Sqrt: 83 + Sub: 77 + Transpose: 261 + Unsqueeze: 2 + Where: 1 +parameters: 17372680 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_xxs36_384_Opset17_timm/cait_xxs36_384_Opset17.onnx b/Computer_Vision/cait_xxs36_384_Opset17_timm/cait_xxs36_384_Opset17.onnx new file mode 100644 index 000000000..35b601fe8 --- /dev/null +++ b/Computer_Vision/cait_xxs36_384_Opset17_timm/cait_xxs36_384_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:45ca0e535f7b6de488fd214a261e7a4102644a2ac327c71c49da6458eb5af678 +size 69787103 diff --git a/Computer_Vision/cait_xxs36_384_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/cait_xxs36_384_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3948b9038 --- /dev/null +++ b/Computer_Vision/cait_xxs36_384_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.758607149124146 + set_success: 0.022772550582885742 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_xxs36_384_timm_7d6c7fa6/onnx/cait_xxs36_384_timm_7d6c7fa6-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_xxs36_384.py +class: Cait +hash: 734d61c0 +model_name: cait_xxs36_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 68151.5 +onnx_ops_counter: + Add: 341 + Cast: 2 + Concat: 4 + Constant: 248 + ConstantOfShape: 1 + Conv: 1 + Div: 40 + Equal: 1 + Erf: 38 + Expand: 1 + Gather: 111 + Gemm: 3 + LayerNormalization: 77 + MatMul: 302 + Mul: 193 + Reshape: 81 + Shape: 3 + Slice: 3 + Softmax: 38 + Sqrt: 6 + Transpose: 261 + Unsqueeze: 2 + Where: 1 +parameters: 17372680 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cait_xxs36_384_Opset18_timm/cait_xxs36_384_Opset18.onnx b/Computer_Vision/cait_xxs36_384_Opset18_timm/cait_xxs36_384_Opset18.onnx new file mode 100644 index 000000000..be3ed9828 --- /dev/null +++ b/Computer_Vision/cait_xxs36_384_Opset18_timm/cait_xxs36_384_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33d206c632613f0c8e8761d1fde3310dae1f02712e02dea61a41b06c40045627 +size 69787103 diff --git a/Computer_Vision/cait_xxs36_384_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/cait_xxs36_384_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..14339fccb --- /dev/null +++ b/Computer_Vision/cait_xxs36_384_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.87745714187622 + set_success: 0.03427577018737793 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cait_xxs36_384_timm_7d6c7fa6/onnx/cait_xxs36_384_timm_7d6c7fa6-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cait_xxs36_384.py +class: Cait +hash: 734d61c0 +model_name: cait_xxs36_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 68151.5 +onnx_ops_counter: + Add: 341 + Cast: 2 + Concat: 4 + Constant: 248 + ConstantOfShape: 1 + Conv: 1 + Div: 40 + Equal: 1 + Erf: 38 + Expand: 1 + Gather: 111 + Gemm: 3 + LayerNormalization: 77 + MatMul: 302 + Mul: 193 + Reshape: 81 + Shape: 3 + Slice: 3 + Softmax: 38 + Sqrt: 6 + Transpose: 261 + Unsqueeze: 2 + Where: 1 +parameters: 17372680 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/coat_lite_mini_Opset16_timm/coat_lite_mini_Opset16.onnx b/Computer_Vision/coat_lite_mini_Opset16_timm/coat_lite_mini_Opset16.onnx new file mode 100644 index 000000000..6033686a1 --- /dev/null +++ b/Computer_Vision/coat_lite_mini_Opset16_timm/coat_lite_mini_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3d8d79a7643e1fdd37eee5b9d7b8223752293c2f12d86d93fbdf12c02e51c01 +size 44248836 diff --git a/Computer_Vision/coat_lite_mini_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/coat_lite_mini_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8b6bbf54c --- /dev/null +++ b/Computer_Vision/coat_lite_mini_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.9525086879730225 + set_success: 0.018922805786132812 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/coat_lite_mini_timm_4e89194a/onnx/coat_lite_mini_timm_4e89194a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/coat_lite_mini.py +class: CoaT +hash: cbde3c70 +model_name: coat_lite_mini +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 43211.7861 +onnx_ops_counter: + Add: 114 + Cast: 8 + Concat: 40 + Constant: 418 + ConstantOfShape: 12 + Conv: 36 + Div: 29 + Equal: 4 + Erf: 8 + Expand: 4 + Gather: 1 + Gemm: 1 + MatMul: 48 + Mul: 57 + Pad: 8 + Pow: 21 + ReduceMean: 42 + Reshape: 71 + Shape: 12 + Slice: 55 + Softmax: 8 + Split: 16 + Sqrt: 21 + Squeeze: 24 + Sub: 21 + Transpose: 71 + Where: 4 +parameters: 11011560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/coat_lite_mini_Opset17_timm/coat_lite_mini_Opset17.onnx b/Computer_Vision/coat_lite_mini_Opset17_timm/coat_lite_mini_Opset17.onnx new file mode 100644 index 000000000..016a2d6a5 --- /dev/null +++ b/Computer_Vision/coat_lite_mini_Opset17_timm/coat_lite_mini_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dbabad6ef15a1fed116bbdf77a6434fcab75b84e746e2628e899e18b8fea8127 +size 44222567 diff --git a/Computer_Vision/coat_lite_mini_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/coat_lite_mini_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..38cd09fed --- /dev/null +++ b/Computer_Vision/coat_lite_mini_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.455030918121338 + set_success: 0.017318010330200195 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/coat_lite_mini_timm_4e89194a/onnx/coat_lite_mini_timm_4e89194a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/coat_lite_mini.py +class: CoaT +hash: cbde3c70 +model_name: coat_lite_mini +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 43186.1328 +onnx_ops_counter: + Add: 72 + Cast: 8 + Concat: 40 + Constant: 376 + ConstantOfShape: 12 + Conv: 36 + Div: 8 + Equal: 4 + Erf: 8 + Expand: 4 + Gather: 1 + Gemm: 1 + LayerNormalization: 21 + MatMul: 48 + Mul: 36 + Pad: 8 + Reshape: 71 + Shape: 12 + Slice: 55 + Softmax: 8 + Split: 16 + Squeeze: 24 + Transpose: 71 + Where: 4 +parameters: 11011560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/coat_lite_mini_Opset18_timm/coat_lite_mini_Opset18.onnx b/Computer_Vision/coat_lite_mini_Opset18_timm/coat_lite_mini_Opset18.onnx new file mode 100644 index 000000000..4ec626157 --- /dev/null +++ b/Computer_Vision/coat_lite_mini_Opset18_timm/coat_lite_mini_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f18f0d66820d862e15e472cf7a7cfde5a40d47a6eb40644cb47d92652f6e0ff3 +size 44222567 diff --git a/Computer_Vision/coat_lite_mini_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/coat_lite_mini_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..acc472a2e --- /dev/null +++ b/Computer_Vision/coat_lite_mini_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.4431052207946777 + set_success: 0.01596379280090332 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/coat_lite_mini_timm_4e89194a/onnx/coat_lite_mini_timm_4e89194a-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/coat_lite_mini.py +class: CoaT +hash: cbde3c70 +model_name: coat_lite_mini +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 43186.1328 +onnx_ops_counter: + Add: 72 + Cast: 8 + Concat: 40 + Constant: 376 + ConstantOfShape: 12 + Conv: 36 + Div: 8 + Equal: 4 + Erf: 8 + Expand: 4 + Gather: 1 + Gemm: 1 + LayerNormalization: 21 + MatMul: 48 + Mul: 36 + Pad: 8 + Reshape: 71 + Shape: 12 + Slice: 55 + Softmax: 8 + Split: 16 + Squeeze: 24 + Transpose: 71 + Where: 4 +parameters: 11011560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/coat_lite_small_Opset16_timm/coat_lite_small_Opset16.onnx b/Computer_Vision/coat_lite_small_Opset16_timm/coat_lite_small_Opset16.onnx new file mode 100644 index 000000000..8f3ee13dd --- /dev/null +++ b/Computer_Vision/coat_lite_small_Opset16_timm/coat_lite_small_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6738ee026f6f257ed19c6673efc68d7cb1b62cdcefc6e3e5c0a339792f08841c +size 79739277 diff --git a/Computer_Vision/coat_lite_small_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/coat_lite_small_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bc55085e4 --- /dev/null +++ b/Computer_Vision/coat_lite_small_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.404955863952637 + set_success: 0.017635822296142578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/coat_lite_small_timm_91ccb64d/onnx/coat_lite_small_timm_91ccb64d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/coat_lite_small.py +class: CoaT +hash: 73dd93a7 +model_name: coat_lite_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 77870.4199 +onnx_ops_counter: + Add: 218 + Cast: 16 + Concat: 72 + Constant: 778 + ConstantOfShape: 20 + Conv: 68 + Div: 53 + Equal: 4 + Erf: 16 + Expand: 4 + Gather: 1 + Gemm: 1 + MatMul: 96 + Mul: 105 + Pad: 16 + Pow: 37 + ReduceMean: 74 + Reshape: 135 + Shape: 20 + Slice: 103 + Softmax: 16 + Split: 32 + Sqrt: 37 + Squeeze: 48 + Sub: 37 + Transpose: 135 + Where: 4 +parameters: 19838504 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/coat_lite_small_Opset17_timm/coat_lite_small_Opset17.onnx b/Computer_Vision/coat_lite_small_Opset17_timm/coat_lite_small_Opset17.onnx new file mode 100644 index 000000000..c86db7025 --- /dev/null +++ b/Computer_Vision/coat_lite_small_Opset17_timm/coat_lite_small_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c2d3a9a60a15bc2bf19df4a554d700976bef04f1ff5f83b579c84936f973b02 +size 79692095 diff --git a/Computer_Vision/coat_lite_small_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/coat_lite_small_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b5ae460b5 --- /dev/null +++ b/Computer_Vision/coat_lite_small_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.2698352336883545 + set_success: 0.018961191177368164 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/coat_lite_small_timm_91ccb64d/onnx/coat_lite_small_timm_91ccb64d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/coat_lite_small.py +class: CoaT +hash: 73dd93a7 +model_name: coat_lite_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 77824.3438 +onnx_ops_counter: + Add: 144 + Cast: 16 + Concat: 72 + Constant: 704 + ConstantOfShape: 20 + Conv: 68 + Div: 16 + Equal: 4 + Erf: 16 + Expand: 4 + Gather: 1 + Gemm: 1 + LayerNormalization: 37 + MatMul: 96 + Mul: 68 + Pad: 16 + Reshape: 135 + Shape: 20 + Slice: 103 + Softmax: 16 + Split: 32 + Squeeze: 48 + Transpose: 135 + Where: 4 +parameters: 19838504 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/coat_lite_small_Opset18_timm/coat_lite_small_Opset18.onnx b/Computer_Vision/coat_lite_small_Opset18_timm/coat_lite_small_Opset18.onnx new file mode 100644 index 000000000..4bf4aefef --- /dev/null +++ b/Computer_Vision/coat_lite_small_Opset18_timm/coat_lite_small_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83a46c0e161ecea4802a4071f462ac1da12abc8c92e5e7eecb232d3f1bd5faca +size 79692095 diff --git a/Computer_Vision/coat_lite_small_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/coat_lite_small_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..546259298 --- /dev/null +++ b/Computer_Vision/coat_lite_small_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.744786500930786 + set_success: 0.025520801544189453 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/coat_lite_small_timm_91ccb64d/onnx/coat_lite_small_timm_91ccb64d-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/coat_lite_small.py +class: CoaT +hash: 73dd93a7 +model_name: coat_lite_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 77824.3438 +onnx_ops_counter: + Add: 144 + Cast: 16 + Concat: 72 + Constant: 704 + ConstantOfShape: 20 + Conv: 68 + Div: 16 + Equal: 4 + Erf: 16 + Expand: 4 + Gather: 1 + Gemm: 1 + LayerNormalization: 37 + MatMul: 96 + Mul: 68 + Pad: 16 + Reshape: 135 + Shape: 20 + Slice: 103 + Softmax: 16 + Split: 32 + Squeeze: 48 + Transpose: 135 + Where: 4 +parameters: 19838504 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/coat_lite_tiny_Opset16_timm/coat_lite_tiny_Opset16.onnx b/Computer_Vision/coat_lite_tiny_Opset16_timm/coat_lite_tiny_Opset16.onnx new file mode 100644 index 000000000..be5070bdb --- /dev/null +++ b/Computer_Vision/coat_lite_tiny_Opset16_timm/coat_lite_tiny_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e70db3efe6cc200f4062aa5a7cea90230d0cc7aa7a7eb4ba8a25a7e5406590c0 +size 23090406 diff --git a/Computer_Vision/coat_lite_tiny_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/coat_lite_tiny_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..30117dc8e --- /dev/null +++ b/Computer_Vision/coat_lite_tiny_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.334061622619629 + set_success: 0.017174720764160156 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/coat_lite_tiny_timm_41a5f0c5/onnx/coat_lite_tiny_timm_41a5f0c5-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/coat_lite_tiny.py +class: CoaT +hash: 46259d7a +model_name: coat_lite_tiny +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 22549.2568 +onnx_ops_counter: + Add: 114 + Cast: 8 + Concat: 40 + Constant: 418 + ConstantOfShape: 12 + Conv: 36 + Div: 29 + Equal: 4 + Erf: 8 + Expand: 4 + Gather: 1 + Gemm: 1 + MatMul: 48 + Mul: 57 + Pad: 8 + Pow: 21 + ReduceMean: 42 + Reshape: 71 + Shape: 12 + Slice: 55 + Softmax: 8 + Split: 16 + Sqrt: 21 + Squeeze: 24 + Sub: 21 + Transpose: 71 + Where: 4 +parameters: 5721960 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/coat_lite_tiny_Opset17_timm/coat_lite_tiny_Opset17.onnx b/Computer_Vision/coat_lite_tiny_Opset17_timm/coat_lite_tiny_Opset17.onnx new file mode 100644 index 000000000..920e8a619 --- /dev/null +++ b/Computer_Vision/coat_lite_tiny_Opset17_timm/coat_lite_tiny_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8f9fba234771ebee6486d7205253e66319e4d5bd8e2771549f4027d991c30635 +size 23064137 diff --git a/Computer_Vision/coat_lite_tiny_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/coat_lite_tiny_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1f6c45232 --- /dev/null +++ b/Computer_Vision/coat_lite_tiny_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.2322559356689453 + set_success: 0.016794443130493164 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/coat_lite_tiny_timm_41a5f0c5/onnx/coat_lite_tiny_timm_41a5f0c5-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/coat_lite_tiny.py +class: CoaT +hash: 46259d7a +model_name: coat_lite_tiny +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 22523.6035 +onnx_ops_counter: + Add: 72 + Cast: 8 + Concat: 40 + Constant: 376 + ConstantOfShape: 12 + Conv: 36 + Div: 8 + Equal: 4 + Erf: 8 + Expand: 4 + Gather: 1 + Gemm: 1 + LayerNormalization: 21 + MatMul: 48 + Mul: 36 + Pad: 8 + Reshape: 71 + Shape: 12 + Slice: 55 + Softmax: 8 + Split: 16 + Squeeze: 24 + Transpose: 71 + Where: 4 +parameters: 5721960 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/coat_lite_tiny_Opset18_timm/coat_lite_tiny_Opset18.onnx b/Computer_Vision/coat_lite_tiny_Opset18_timm/coat_lite_tiny_Opset18.onnx new file mode 100644 index 000000000..b89221e3f --- /dev/null +++ b/Computer_Vision/coat_lite_tiny_Opset18_timm/coat_lite_tiny_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4508a1b7a35a87eda2ae3f709dab66b319f5a65f617a9f5941c1b803d83e1814 +size 23064137 diff --git a/Computer_Vision/coat_lite_tiny_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/coat_lite_tiny_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..dacbfe3d2 --- /dev/null +++ b/Computer_Vision/coat_lite_tiny_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.275446653366089 + set_success: 0.01780414581298828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/coat_lite_tiny_timm_41a5f0c5/onnx/coat_lite_tiny_timm_41a5f0c5-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/coat_lite_tiny.py +class: CoaT +hash: 46259d7a +model_name: coat_lite_tiny +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 22523.6035 +onnx_ops_counter: + Add: 72 + Cast: 8 + Concat: 40 + Constant: 376 + ConstantOfShape: 12 + Conv: 36 + Div: 8 + Equal: 4 + Erf: 8 + Expand: 4 + Gather: 1 + Gemm: 1 + LayerNormalization: 21 + MatMul: 48 + Mul: 36 + Pad: 8 + Reshape: 71 + Shape: 12 + Slice: 55 + Softmax: 8 + Split: 16 + Squeeze: 24 + Transpose: 71 + Where: 4 +parameters: 5721960 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/coat_mini_Opset16_timm/coat_mini_Opset16.onnx b/Computer_Vision/coat_mini_Opset16_timm/coat_mini_Opset16.onnx new file mode 100644 index 000000000..2aa5f4469 --- /dev/null +++ b/Computer_Vision/coat_mini_Opset16_timm/coat_mini_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1238d1000a43ae9806fed73d6dd3da954c29466eb2d920de4e24f0d0d4df9d5d +size 42030494 diff --git a/Computer_Vision/coat_mini_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/coat_mini_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6a6e848f8 --- /dev/null +++ b/Computer_Vision/coat_mini_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,223 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.942200899124146 + set_success: 0.019232511520385742 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/coat_mini_timm_c4e21048/onnx/coat_mini_timm_c4e21048-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/coat_mini.py +class: CoaT +hash: 6175abc0 +model_name: coat_mini +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 41045.4365 +onnx_ops_counter: + Add: 388 + Cast: 26 + Concat: 149 + Constant: 1460 + ConstantOfShape: 30 + Conv: 109 + Div: 85 + Equal: 4 + Erf: 26 + Expand: 4 + Gather: 3 + Gemm: 1 + Identity: 24 + MatMul: 156 + Mul: 167 + Pad: 26 + Pow: 59 + ReduceMean: 118 + Reshape: 269 + Resize: 36 + Shape: 30 + Slice: 197 + Softmax: 26 + Split: 52 + Sqrt: 59 + Squeeze: 79 + Sub: 59 + Transpose: 269 + Unsqueeze: 3 + Where: 4 +parameters: 10337004 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/coat_mini_Opset17_timm/coat_mini_Opset17.onnx b/Computer_Vision/coat_mini_Opset17_timm/coat_mini_Opset17.onnx new file mode 100644 index 000000000..379a3cbe7 --- /dev/null +++ b/Computer_Vision/coat_mini_Opset17_timm/coat_mini_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31eca6948434c36e76f353830b469c3fc82d77e5381c643cae95428f82077683 +size 41953620 diff --git a/Computer_Vision/coat_mini_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/coat_mini_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..82ccd2a08 --- /dev/null +++ b/Computer_Vision/coat_mini_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.288321256637573 + set_success: 0.019655942916870117 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/coat_mini_timm_c4e21048/onnx/coat_mini_timm_c4e21048-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/coat_mini.py +class: CoaT +hash: 6175abc0 +model_name: coat_mini +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 40970.3643 +onnx_ops_counter: + Add: 270 + Cast: 26 + Concat: 149 + Constant: 1342 + ConstantOfShape: 30 + Conv: 109 + Div: 26 + Equal: 4 + Erf: 26 + Expand: 4 + Gather: 3 + Gemm: 1 + Identity: 24 + LayerNormalization: 59 + MatMul: 156 + Mul: 108 + Pad: 26 + Reshape: 269 + Resize: 36 + Shape: 30 + Slice: 197 + Softmax: 26 + Split: 52 + Squeeze: 79 + Transpose: 269 + Unsqueeze: 3 + Where: 4 +parameters: 10337004 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/coat_mini_Opset18_timm/coat_mini_Opset18.onnx b/Computer_Vision/coat_mini_Opset18_timm/coat_mini_Opset18.onnx new file mode 100644 index 000000000..a65d90c08 --- /dev/null +++ b/Computer_Vision/coat_mini_Opset18_timm/coat_mini_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0bebfcffe550e19d456af749ba5a95f1c3e5a8b2f6973d4a361b771a62a0f80 +size 41953620 diff --git a/Computer_Vision/coat_mini_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/coat_mini_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..71a0cc8e6 --- /dev/null +++ b/Computer_Vision/coat_mini_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.000691890716553 + set_success: 0.01886129379272461 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/coat_mini_timm_c4e21048/onnx/coat_mini_timm_c4e21048-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/coat_mini.py +class: CoaT +hash: 6175abc0 +model_name: coat_mini +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 40970.3643 +onnx_ops_counter: + Add: 270 + Cast: 26 + Concat: 149 + Constant: 1342 + ConstantOfShape: 30 + Conv: 109 + Div: 26 + Equal: 4 + Erf: 26 + Expand: 4 + Gather: 3 + Gemm: 1 + Identity: 24 + LayerNormalization: 59 + MatMul: 156 + Mul: 108 + Pad: 26 + Reshape: 269 + Resize: 36 + Shape: 30 + Slice: 197 + Softmax: 26 + Split: 52 + Squeeze: 79 + Transpose: 269 + Unsqueeze: 3 + Where: 4 +parameters: 10337004 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/coat_tiny_Opset16_timm/coat_tiny_Opset16.onnx b/Computer_Vision/coat_tiny_Opset16_timm/coat_tiny_Opset16.onnx new file mode 100644 index 000000000..305770b27 --- /dev/null +++ b/Computer_Vision/coat_tiny_Opset16_timm/coat_tiny_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5544de6dcce3580353acedadb8cd01b83418d5f169119a8bbc2bf023ddcfd07c +size 22676551 diff --git a/Computer_Vision/coat_tiny_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/coat_tiny_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1fbfbc7f5 --- /dev/null +++ b/Computer_Vision/coat_tiny_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,223 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.960526943206787 + set_success: 0.018276214599609375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/coat_tiny_timm_2ae16920/onnx/coat_tiny_timm_2ae16920-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/coat_tiny.py +class: CoaT +hash: 61c89105 +model_name: coat_tiny +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 22145.1016 +onnx_ops_counter: + Add: 388 + Cast: 26 + Concat: 149 + Constant: 1459 + ConstantOfShape: 30 + Conv: 109 + Div: 85 + Equal: 4 + Erf: 26 + Expand: 4 + Gather: 3 + Gemm: 1 + Identity: 24 + MatMul: 156 + Mul: 167 + Pad: 26 + Pow: 59 + ReduceMean: 118 + Reshape: 269 + Resize: 36 + Shape: 30 + Slice: 197 + Softmax: 26 + Split: 52 + Sqrt: 59 + Squeeze: 79 + Sub: 59 + Transpose: 269 + Unsqueeze: 3 + Where: 4 +parameters: 5498540 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/coat_tiny_Opset17_timm/coat_tiny_Opset17.onnx b/Computer_Vision/coat_tiny_Opset17_timm/coat_tiny_Opset17.onnx new file mode 100644 index 000000000..0e688ef5b --- /dev/null +++ b/Computer_Vision/coat_tiny_Opset17_timm/coat_tiny_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4df7991a07debdd1ffaf5c6651115d369a61576fe506a84a03e5de82bc1e540 +size 22599677 diff --git a/Computer_Vision/coat_tiny_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/coat_tiny_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e0b20a1f8 --- /dev/null +++ b/Computer_Vision/coat_tiny_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.697994709014893 + set_success: 0.026849985122680664 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/coat_tiny_timm_2ae16920/onnx/coat_tiny_timm_2ae16920-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/coat_tiny.py +class: CoaT +hash: 61c89105 +model_name: coat_tiny +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 22070.0293 +onnx_ops_counter: + Add: 270 + Cast: 26 + Concat: 149 + Constant: 1341 + ConstantOfShape: 30 + Conv: 109 + Div: 26 + Equal: 4 + Erf: 26 + Expand: 4 + Gather: 3 + Gemm: 1 + Identity: 24 + LayerNormalization: 59 + MatMul: 156 + Mul: 108 + Pad: 26 + Reshape: 269 + Resize: 36 + Shape: 30 + Slice: 197 + Softmax: 26 + Split: 52 + Squeeze: 79 + Transpose: 269 + Unsqueeze: 3 + Where: 4 +parameters: 5498540 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/coat_tiny_Opset18_timm/coat_tiny_Opset18.onnx b/Computer_Vision/coat_tiny_Opset18_timm/coat_tiny_Opset18.onnx new file mode 100644 index 000000000..7c0788e36 --- /dev/null +++ b/Computer_Vision/coat_tiny_Opset18_timm/coat_tiny_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:17b9bc433f4ebfbd2b71189ddcc45da08bff98340e68c29f788e131814b309fa +size 22599677 diff --git a/Computer_Vision/coat_tiny_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/coat_tiny_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2a9d3c2d5 --- /dev/null +++ b/Computer_Vision/coat_tiny_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.12316608428955 + set_success: 0.024079561233520508 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/coat_tiny_timm_2ae16920/onnx/coat_tiny_timm_2ae16920-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/coat_tiny.py +class: CoaT +hash: 61c89105 +model_name: coat_tiny +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 22070.0293 +onnx_ops_counter: + Add: 270 + Cast: 26 + Concat: 149 + Constant: 1341 + ConstantOfShape: 30 + Conv: 109 + Div: 26 + Equal: 4 + Erf: 26 + Expand: 4 + Gather: 3 + Gemm: 1 + Identity: 24 + LayerNormalization: 59 + MatMul: 156 + Mul: 108 + Pad: 26 + Reshape: 269 + Resize: 36 + Shape: 30 + Slice: 197 + Softmax: 26 + Split: 52 + Squeeze: 79 + Transpose: 269 + Unsqueeze: 3 + Where: 4 +parameters: 5498540 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convit_base_Opset16_timm/convit_base_Opset16.onnx b/Computer_Vision/convit_base_Opset16_timm/convit_base_Opset16.onnx new file mode 100644 index 000000000..285acf778 --- /dev/null +++ b/Computer_Vision/convit_base_Opset16_timm/convit_base_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85849b94861155ce6bcb17aa0b299249d38f46fd8acf3eb9f6f94103eb4f6336 +size 346743188 diff --git a/Computer_Vision/convit_base_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convit_base_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cac2d2d7a --- /dev/null +++ b/Computer_Vision/convit_base_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.015392065048218 + set_success: 0.019943952560424805 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convit_base_timm_8d751bb0/onnx/convit_base_timm_8d751bb0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convit_base.py +class: ConVit +hash: 8efb0354 +model_name: convit_base +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 338616.4268 +onnx_ops_counter: + Add: 143 + Concat: 2 + Constant: 201 + ConstantOfShape: 11 + Conv: 1 + Div: 47 + Equal: 11 + Erf: 12 + Expand: 11 + Gather: 21 + Gemm: 1 + MatMul: 92 + Mul: 92 + Pow: 25 + ReduceMean: 50 + ReduceSum: 10 + Reshape: 35 + Shape: 1 + Sigmoid: 10 + Slice: 1 + Softmax: 22 + Split: 2 + Sqrt: 25 + Squeeze: 6 + Sub: 35 + Transpose: 57 + Unsqueeze: 10 + Where: 11 +parameters: 86540040 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convit_base_Opset17_timm/convit_base_Opset17.onnx b/Computer_Vision/convit_base_Opset17_timm/convit_base_Opset17.onnx new file mode 100644 index 000000000..50e4bbdd6 --- /dev/null +++ b/Computer_Vision/convit_base_Opset17_timm/convit_base_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:472c361b13e259f676507d9c3b613639fa31d749815bbdcab4d2f83921c7932b +size 346717528 diff --git a/Computer_Vision/convit_base_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convit_base_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c98b400f1 --- /dev/null +++ b/Computer_Vision/convit_base_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.005287170410156 + set_success: 0.022100210189819336 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convit_base_timm_8d751bb0/onnx/convit_base_timm_8d751bb0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convit_base.py +class: ConVit +hash: 8efb0354 +model_name: convit_base +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 338591.3682 +onnx_ops_counter: + Add: 93 + Concat: 2 + Constant: 151 + ConstantOfShape: 11 + Conv: 1 + Div: 22 + Equal: 11 + Erf: 12 + Expand: 11 + Gather: 21 + Gemm: 1 + LayerNormalization: 25 + MatMul: 92 + Mul: 67 + ReduceSum: 10 + Reshape: 35 + Shape: 1 + Sigmoid: 10 + Slice: 1 + Softmax: 22 + Split: 2 + Squeeze: 6 + Sub: 10 + Transpose: 57 + Unsqueeze: 10 + Where: 11 +parameters: 86540040 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convit_base_Opset18_timm/convit_base_Opset18.onnx b/Computer_Vision/convit_base_Opset18_timm/convit_base_Opset18.onnx new file mode 100644 index 000000000..12d5bb8e7 --- /dev/null +++ b/Computer_Vision/convit_base_Opset18_timm/convit_base_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b3ab5d70889b64ed5d4c2b12fb96913a5e6962bccc19180be19b8ce56838e9d +size 346717528 diff --git a/Computer_Vision/convit_base_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convit_base_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..46f2fc354 --- /dev/null +++ b/Computer_Vision/convit_base_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.921697378158569 + set_success: 0.021900177001953125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convit_base_timm_8d751bb0/onnx/convit_base_timm_8d751bb0-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convit_base.py +class: ConVit +hash: 8efb0354 +model_name: convit_base +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 338591.3682 +onnx_ops_counter: + Add: 93 + Concat: 2 + Constant: 151 + ConstantOfShape: 11 + Conv: 1 + Div: 22 + Equal: 11 + Erf: 12 + Expand: 11 + Gather: 21 + Gemm: 1 + LayerNormalization: 25 + MatMul: 92 + Mul: 67 + ReduceSum: 10 + Reshape: 35 + Shape: 1 + Sigmoid: 10 + Slice: 1 + Softmax: 22 + Split: 2 + Squeeze: 6 + Sub: 10 + Transpose: 57 + Unsqueeze: 10 + Where: 11 +parameters: 86540040 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convit_small_Opset16_timm/convit_small_Opset16.onnx b/Computer_Vision/convit_small_Opset16_timm/convit_small_Opset16.onnx new file mode 100644 index 000000000..435ed79ee --- /dev/null +++ b/Computer_Vision/convit_small_Opset16_timm/convit_small_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f089866bbedfe1e0f469553db95ddf08459d93fc21b585d53aeef00816e1511 +size 111692237 diff --git a/Computer_Vision/convit_small_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convit_small_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..404159e94 --- /dev/null +++ b/Computer_Vision/convit_small_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.014113426208496 + set_success: 0.0180819034576416 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convit_small_timm_87cedd64/onnx/convit_small_timm_87cedd64-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convit_small.py +class: ConVit +hash: 396f5c96 +model_name: convit_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 109074.4824 +onnx_ops_counter: + Add: 143 + Concat: 2 + Constant: 201 + ConstantOfShape: 11 + Conv: 1 + Div: 47 + Equal: 11 + Erf: 12 + Expand: 11 + Gather: 21 + Gemm: 1 + MatMul: 92 + Mul: 92 + Pow: 25 + ReduceMean: 50 + ReduceSum: 10 + Reshape: 35 + Shape: 1 + Sigmoid: 10 + Slice: 1 + Softmax: 22 + Split: 2 + Sqrt: 25 + Squeeze: 6 + Sub: 35 + Transpose: 57 + Unsqueeze: 10 + Where: 11 +parameters: 27777322 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convit_small_Opset17_timm/convit_small_Opset17.onnx b/Computer_Vision/convit_small_Opset17_timm/convit_small_Opset17.onnx new file mode 100644 index 000000000..143c8a2bc --- /dev/null +++ b/Computer_Vision/convit_small_Opset17_timm/convit_small_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0387bddbf997a534be7c3210de77458b96321cd7439afaf38027cb706db3de0f +size 111666577 diff --git a/Computer_Vision/convit_small_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convit_small_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3644f1043 --- /dev/null +++ b/Computer_Vision/convit_small_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.895951986312866 + set_success: 0.018119335174560547 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convit_small_timm_87cedd64/onnx/convit_small_timm_87cedd64-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convit_small.py +class: ConVit +hash: 396f5c96 +model_name: convit_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 109049.4238 +onnx_ops_counter: + Add: 93 + Concat: 2 + Constant: 151 + ConstantOfShape: 11 + Conv: 1 + Div: 22 + Equal: 11 + Erf: 12 + Expand: 11 + Gather: 21 + Gemm: 1 + LayerNormalization: 25 + MatMul: 92 + Mul: 67 + ReduceSum: 10 + Reshape: 35 + Shape: 1 + Sigmoid: 10 + Slice: 1 + Softmax: 22 + Split: 2 + Squeeze: 6 + Sub: 10 + Transpose: 57 + Unsqueeze: 10 + Where: 11 +parameters: 27777322 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convit_small_Opset18_timm/convit_small_Opset18.onnx b/Computer_Vision/convit_small_Opset18_timm/convit_small_Opset18.onnx new file mode 100644 index 000000000..3eb7c5aa6 --- /dev/null +++ b/Computer_Vision/convit_small_Opset18_timm/convit_small_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ff348281b37569931e0864e45727940a69c26259db24c4fed68197b3e21ca33 +size 111666577 diff --git a/Computer_Vision/convit_small_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convit_small_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..de6a53ef2 --- /dev/null +++ b/Computer_Vision/convit_small_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.8350002765655518 + set_success: 0.022481918334960938 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convit_small_timm_87cedd64/onnx/convit_small_timm_87cedd64-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convit_small.py +class: ConVit +hash: 396f5c96 +model_name: convit_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 109049.4238 +onnx_ops_counter: + Add: 93 + Concat: 2 + Constant: 151 + ConstantOfShape: 11 + Conv: 1 + Div: 22 + Equal: 11 + Erf: 12 + Expand: 11 + Gather: 21 + Gemm: 1 + LayerNormalization: 25 + MatMul: 92 + Mul: 67 + ReduceSum: 10 + Reshape: 35 + Shape: 1 + Sigmoid: 10 + Slice: 1 + Softmax: 22 + Split: 2 + Squeeze: 6 + Sub: 10 + Transpose: 57 + Unsqueeze: 10 + Where: 11 +parameters: 27777322 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convit_tiny_Opset16_timm/convit_tiny_Opset16.onnx b/Computer_Vision/convit_tiny_Opset16_timm/convit_tiny_Opset16.onnx new file mode 100644 index 000000000..3f88a02d8 --- /dev/null +++ b/Computer_Vision/convit_tiny_Opset16_timm/convit_tiny_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:58cb5074bc31b42999ff13a51525efe52975fde1b9ca6332bfd2b6fdc931a49b +size 23424935 diff --git a/Computer_Vision/convit_tiny_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convit_tiny_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3225e7569 --- /dev/null +++ b/Computer_Vision/convit_tiny_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.050503969192505 + set_success: 0.015980243682861328 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convit_tiny_timm_9a57432a/onnx/convit_tiny_timm_9a57432a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convit_tiny.py +class: ConVit +hash: 33ad4acb +model_name: convit_tiny +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 22875.9453 +onnx_ops_counter: + Add: 143 + Concat: 2 + Constant: 201 + ConstantOfShape: 11 + Conv: 1 + Div: 47 + Equal: 11 + Erf: 12 + Expand: 11 + Gather: 21 + Gemm: 1 + MatMul: 92 + Mul: 92 + Pow: 25 + ReduceMean: 50 + ReduceSum: 10 + Reshape: 35 + Shape: 1 + Sigmoid: 10 + Slice: 1 + Softmax: 22 + Split: 2 + Sqrt: 25 + Squeeze: 6 + Sub: 35 + Transpose: 57 + Unsqueeze: 10 + Where: 11 +parameters: 5710512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convit_tiny_Opset17_timm/convit_tiny_Opset17.onnx b/Computer_Vision/convit_tiny_Opset17_timm/convit_tiny_Opset17.onnx new file mode 100644 index 000000000..9128a7e1f --- /dev/null +++ b/Computer_Vision/convit_tiny_Opset17_timm/convit_tiny_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:14ec83a7a80ad5f1dfced81b8816bc514f75284ee8e14ab8fd5e949c0750244b +size 23399275 diff --git a/Computer_Vision/convit_tiny_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convit_tiny_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..544929315 --- /dev/null +++ b/Computer_Vision/convit_tiny_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8536181449890137 + set_success: 0.015583038330078125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convit_tiny_timm_9a57432a/onnx/convit_tiny_timm_9a57432a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convit_tiny.py +class: ConVit +hash: 33ad4acb +model_name: convit_tiny +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 22850.8867 +onnx_ops_counter: + Add: 93 + Concat: 2 + Constant: 151 + ConstantOfShape: 11 + Conv: 1 + Div: 22 + Equal: 11 + Erf: 12 + Expand: 11 + Gather: 21 + Gemm: 1 + LayerNormalization: 25 + MatMul: 92 + Mul: 67 + ReduceSum: 10 + Reshape: 35 + Shape: 1 + Sigmoid: 10 + Slice: 1 + Softmax: 22 + Split: 2 + Squeeze: 6 + Sub: 10 + Transpose: 57 + Unsqueeze: 10 + Where: 11 +parameters: 5710512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convit_tiny_Opset18_timm/convit_tiny_Opset18.onnx b/Computer_Vision/convit_tiny_Opset18_timm/convit_tiny_Opset18.onnx new file mode 100644 index 000000000..eba9547c1 --- /dev/null +++ b/Computer_Vision/convit_tiny_Opset18_timm/convit_tiny_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:73c9812776004358ce33a9ebc504f80dae65390bd905f9db9d065f14f008ebf6 +size 23399275 diff --git a/Computer_Vision/convit_tiny_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convit_tiny_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b096db08d --- /dev/null +++ b/Computer_Vision/convit_tiny_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8487396240234375 + set_success: 0.021129846572875977 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convit_tiny_timm_9a57432a/onnx/convit_tiny_timm_9a57432a-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convit_tiny.py +class: ConVit +hash: 33ad4acb +model_name: convit_tiny +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 22850.8867 +onnx_ops_counter: + Add: 93 + Concat: 2 + Constant: 151 + ConstantOfShape: 11 + Conv: 1 + Div: 22 + Equal: 11 + Erf: 12 + Expand: 11 + Gather: 21 + Gemm: 1 + LayerNormalization: 25 + MatMul: 92 + Mul: 67 + ReduceSum: 10 + Reshape: 35 + Shape: 1 + Sigmoid: 10 + Slice: 1 + Softmax: 22 + Split: 2 + Squeeze: 6 + Sub: 10 + Transpose: 57 + Unsqueeze: 10 + Where: 11 +parameters: 5710512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convmixer_1024_20_ks9_p14_Opset16_timm/convmixer_1024_20_ks9_p14_Opset16.onnx b/Computer_Vision/convmixer_1024_20_ks9_p14_Opset16_timm/convmixer_1024_20_ks9_p14_Opset16.onnx new file mode 100644 index 000000000..d9b6b5372 --- /dev/null +++ b/Computer_Vision/convmixer_1024_20_ks9_p14_Opset16_timm/convmixer_1024_20_ks9_p14_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96e862765e7e01ddad8bb314b4794257db99457a40e4b95d44da639af4dba3c2 +size 97962081 diff --git a/Computer_Vision/convmixer_1024_20_ks9_p14_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convmixer_1024_20_ks9_p14_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9a185110f --- /dev/null +++ b/Computer_Vision/convmixer_1024_20_ks9_p14_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0922815799713135 + set_success: 0.01633000373840332 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convmixer_1024_20_ks9_p14_timm_d5da9155/onnx/convmixer_1024_20_ks9_p14_timm_d5da9155-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convmixer_1024_20_ks9_p14.py +class: ConvMixer +hash: 9966e2d4 +model_name: convmixer_1024_20_ks9_p14 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 95666.127 +onnx_ops_counter: + Add: 61 + BatchNormalization: 41 + Constant: 123 + Conv: 41 + Div: 41 + Erf: 41 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 82 +parameters: 24383464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convmixer_1024_20_ks9_p14_Opset17_timm/convmixer_1024_20_ks9_p14_Opset17.onnx b/Computer_Vision/convmixer_1024_20_ks9_p14_Opset17_timm/convmixer_1024_20_ks9_p14_Opset17.onnx new file mode 100644 index 000000000..2ad5c6c10 --- /dev/null +++ b/Computer_Vision/convmixer_1024_20_ks9_p14_Opset17_timm/convmixer_1024_20_ks9_p14_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5079709086a493037cbb811afbe44ea16e50f842f5229459a2bbd8e16d9889e5 +size 97962081 diff --git a/Computer_Vision/convmixer_1024_20_ks9_p14_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convmixer_1024_20_ks9_p14_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e4aec3d2b --- /dev/null +++ b/Computer_Vision/convmixer_1024_20_ks9_p14_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7212607860565186 + set_success: 0.016238689422607422 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convmixer_1024_20_ks9_p14_timm_d5da9155/onnx/convmixer_1024_20_ks9_p14_timm_d5da9155-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convmixer_1024_20_ks9_p14.py +class: ConvMixer +hash: 9966e2d4 +model_name: convmixer_1024_20_ks9_p14 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 95666.127 +onnx_ops_counter: + Add: 61 + BatchNormalization: 41 + Constant: 123 + Conv: 41 + Div: 41 + Erf: 41 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 82 +parameters: 24383464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convmixer_1024_20_ks9_p14_Opset18_timm/convmixer_1024_20_ks9_p14_Opset18.onnx b/Computer_Vision/convmixer_1024_20_ks9_p14_Opset18_timm/convmixer_1024_20_ks9_p14_Opset18.onnx new file mode 100644 index 000000000..c58dd6a26 --- /dev/null +++ b/Computer_Vision/convmixer_1024_20_ks9_p14_Opset18_timm/convmixer_1024_20_ks9_p14_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c6294227e3054c57fff127090a089d135a4b574a47a367bd4d05cd54353fa8f +size 97962081 diff --git a/Computer_Vision/convmixer_1024_20_ks9_p14_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convmixer_1024_20_ks9_p14_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2f5a6c67c --- /dev/null +++ b/Computer_Vision/convmixer_1024_20_ks9_p14_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7607536315917969 + set_success: 0.017932891845703125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convmixer_1024_20_ks9_p14_timm_d5da9155/onnx/convmixer_1024_20_ks9_p14_timm_d5da9155-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convmixer_1024_20_ks9_p14.py +class: ConvMixer +hash: 9966e2d4 +model_name: convmixer_1024_20_ks9_p14 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 95666.127 +onnx_ops_counter: + Add: 61 + BatchNormalization: 41 + Constant: 123 + Conv: 41 + Div: 41 + Erf: 41 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 82 +parameters: 24383464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convmixer_1536_20_Opset16_timm/convmixer_1536_20_Opset16.onnx b/Computer_Vision/convmixer_1536_20_Opset16_timm/convmixer_1536_20_Opset16.onnx new file mode 100644 index 000000000..daaf86fa2 --- /dev/null +++ b/Computer_Vision/convmixer_1536_20_Opset16_timm/convmixer_1536_20_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3016a2e21b738a78b35d34f6993cc9816a7a279fc5f0cd4ab2b9d78914dfd530 +size 207099999 diff --git a/Computer_Vision/convmixer_1536_20_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convmixer_1536_20_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..726aef829 --- /dev/null +++ b/Computer_Vision/convmixer_1536_20_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.923954725265503 + set_success: 0.021212100982666016 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convmixer_1536_20_timm_02cc34c6/onnx/convmixer_1536_20_timm_02cc34c6-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convmixer_1536_20.py +class: ConvMixer +hash: 833fc12b +model_name: convmixer_1536_20 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 202246.125 +onnx_ops_counter: + Add: 61 + BatchNormalization: 41 + Constant: 123 + Conv: 41 + Div: 41 + Erf: 41 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 82 +parameters: 51625960 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convmixer_1536_20_Opset17_timm/convmixer_1536_20_Opset17.onnx b/Computer_Vision/convmixer_1536_20_Opset17_timm/convmixer_1536_20_Opset17.onnx new file mode 100644 index 000000000..8388e0a7e --- /dev/null +++ b/Computer_Vision/convmixer_1536_20_Opset17_timm/convmixer_1536_20_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef89596c89d41d47cd0ef2f1fd025b16c3f97285115f34deac01a22d62a26964 +size 207099999 diff --git a/Computer_Vision/convmixer_1536_20_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convmixer_1536_20_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..57539b3ac --- /dev/null +++ b/Computer_Vision/convmixer_1536_20_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.3933801651000977 + set_success: 0.021369457244873047 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convmixer_1536_20_timm_02cc34c6/onnx/convmixer_1536_20_timm_02cc34c6-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convmixer_1536_20.py +class: ConvMixer +hash: 833fc12b +model_name: convmixer_1536_20 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 202246.125 +onnx_ops_counter: + Add: 61 + BatchNormalization: 41 + Constant: 123 + Conv: 41 + Div: 41 + Erf: 41 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 82 +parameters: 51625960 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convmixer_1536_20_Opset18_timm/convmixer_1536_20_Opset18.onnx b/Computer_Vision/convmixer_1536_20_Opset18_timm/convmixer_1536_20_Opset18.onnx new file mode 100644 index 000000000..1aa5e0382 --- /dev/null +++ b/Computer_Vision/convmixer_1536_20_Opset18_timm/convmixer_1536_20_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c1b53950dbb5cf68f8890948ea9d323e81dc3e5936a622dd267426463dde17a +size 207099999 diff --git a/Computer_Vision/convmixer_1536_20_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convmixer_1536_20_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9f9c750e1 --- /dev/null +++ b/Computer_Vision/convmixer_1536_20_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.0995004177093506 + set_success: 0.02246236801147461 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convmixer_1536_20_timm_02cc34c6/onnx/convmixer_1536_20_timm_02cc34c6-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convmixer_1536_20.py +class: ConvMixer +hash: 833fc12b +model_name: convmixer_1536_20 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 202246.125 +onnx_ops_counter: + Add: 61 + BatchNormalization: 41 + Constant: 123 + Conv: 41 + Div: 41 + Erf: 41 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 82 +parameters: 51625960 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convmixer_768_32_Opset16_timm/convmixer_768_32_Opset16.onnx b/Computer_Vision/convmixer_768_32_Opset16_timm/convmixer_768_32_Opset16.onnx new file mode 100644 index 000000000..e51308533 --- /dev/null +++ b/Computer_Vision/convmixer_768_32_Opset16_timm/convmixer_768_32_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0036a934af4be6daec3c63e58a41478ab71598d73099885bafad84739f5f84f1 +size 84911986 diff --git a/Computer_Vision/convmixer_768_32_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convmixer_768_32_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3bd45988d --- /dev/null +++ b/Computer_Vision/convmixer_768_32_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.081637144088745 + set_success: 0.019065141677856445 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convmixer_768_32_timm_f5afe19f/onnx/convmixer_768_32_timm_f5afe19f-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convmixer_768_32.py +class: ConvMixer +hash: f0cf9e98 +model_name: convmixer_768_32 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 82921.8936 +onnx_ops_counter: + Add: 32 + BatchNormalization: 65 + Conv: 65 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 65 +parameters: 21110248 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convmixer_768_32_Opset17_timm/convmixer_768_32_Opset17.onnx b/Computer_Vision/convmixer_768_32_Opset17_timm/convmixer_768_32_Opset17.onnx new file mode 100644 index 000000000..8d72752a4 --- /dev/null +++ b/Computer_Vision/convmixer_768_32_Opset17_timm/convmixer_768_32_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c9099e16032f9cafa6a6d927791cae03652aa4a14300f37f1658e28fb1fdb5aa +size 84911986 diff --git a/Computer_Vision/convmixer_768_32_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convmixer_768_32_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4ddbe4916 --- /dev/null +++ b/Computer_Vision/convmixer_768_32_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0320374965667725 + set_success: 0.02584362030029297 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convmixer_768_32_timm_f5afe19f/onnx/convmixer_768_32_timm_f5afe19f-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convmixer_768_32.py +class: ConvMixer +hash: f0cf9e98 +model_name: convmixer_768_32 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 82921.8936 +onnx_ops_counter: + Add: 32 + BatchNormalization: 65 + Conv: 65 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 65 +parameters: 21110248 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convmixer_768_32_Opset18_timm/convmixer_768_32_Opset18.onnx b/Computer_Vision/convmixer_768_32_Opset18_timm/convmixer_768_32_Opset18.onnx new file mode 100644 index 000000000..dd4414990 --- /dev/null +++ b/Computer_Vision/convmixer_768_32_Opset18_timm/convmixer_768_32_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b440113f79928c691f793c042a59cc188f941646e8bcd919bd0bc6f63608cae8 +size 84911986 diff --git a/Computer_Vision/convmixer_768_32_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convmixer_768_32_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e9f2730ab --- /dev/null +++ b/Computer_Vision/convmixer_768_32_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.109389066696167 + set_success: 0.024770021438598633 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convmixer_768_32_timm_f5afe19f/onnx/convmixer_768_32_timm_f5afe19f-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convmixer_768_32.py +class: ConvMixer +hash: f0cf9e98 +model_name: convmixer_768_32 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 82921.8936 +onnx_ops_counter: + Add: 32 + BatchNormalization: 65 + Conv: 65 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 65 +parameters: 21110248 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_base_384_in22ft1k_Opset16_timm/convnext_base_384_in22ft1k_Opset16.onnx b/Computer_Vision/convnext_base_384_in22ft1k_Opset16_timm/convnext_base_384_in22ft1k_Opset16.onnx new file mode 100644 index 000000000..45b1dc77b --- /dev/null +++ b/Computer_Vision/convnext_base_384_in22ft1k_Opset16_timm/convnext_base_384_in22ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c4161fa1e99c145bbca83655d04505d1cebf2b4aa9828705118076ee4cf75b2 +size 354588723 diff --git a/Computer_Vision/convnext_base_384_in22ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convnext_base_384_in22ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ba1094233 --- /dev/null +++ b/Computer_Vision/convnext_base_384_in22ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.3412511348724365 + set_success: 0.026643037796020508 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_base_384_in22ft1k_timm_e2171c76/onnx/convnext_base_384_in22ft1k_timm_e2171c76-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_base_384_in22ft1k.py +class: ConvNeXt +hash: 9de2aba1 +model_name: convnext_base_384_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 346278.082 +onnx_ops_counter: + Add: 226 + Constant: 190 + Conv: 40 + Div: 77 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 72 + Mul: 149 + Pow: 41 + ReduceMean: 82 + Sqrt: 41 + Sub: 41 + Transpose: 82 +parameters: 88591464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_base_384_in22ft1k_Opset17_timm/convnext_base_384_in22ft1k_Opset17.onnx b/Computer_Vision/convnext_base_384_in22ft1k_Opset17_timm/convnext_base_384_in22ft1k_Opset17.onnx new file mode 100644 index 000000000..70fb13c31 --- /dev/null +++ b/Computer_Vision/convnext_base_384_in22ft1k_Opset17_timm/convnext_base_384_in22ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8bffe9cdc522d8a2a3536a256bdc6b410fe18c1beb233795f0e22073b17d26f2 +size 354517393 diff --git a/Computer_Vision/convnext_base_384_in22ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convnext_base_384_in22ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..300fb6a22 --- /dev/null +++ b/Computer_Vision/convnext_base_384_in22ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.912858247756958 + set_success: 0.02335810661315918 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_base_384_in22ft1k_timm_e2171c76/onnx/convnext_base_384_in22ft1k_timm_e2171c76-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_base_384_in22ft1k.py +class: ConvNeXt +hash: 9de2aba1 +model_name: convnext_base_384_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 346208.4238 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 88591464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_base_384_in22ft1k_Opset18_timm/convnext_base_384_in22ft1k_Opset18.onnx b/Computer_Vision/convnext_base_384_in22ft1k_Opset18_timm/convnext_base_384_in22ft1k_Opset18.onnx new file mode 100644 index 000000000..ff9674ab8 --- /dev/null +++ b/Computer_Vision/convnext_base_384_in22ft1k_Opset18_timm/convnext_base_384_in22ft1k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6140412df1f1eb3054e7a5e64c4881d03d296be433570ac4a5ba4c4d8e91d749 +size 354517393 diff --git a/Computer_Vision/convnext_base_384_in22ft1k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convnext_base_384_in22ft1k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5c9e5386c --- /dev/null +++ b/Computer_Vision/convnext_base_384_in22ft1k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.631201267242432 + set_success: 0.02557063102722168 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_base_384_in22ft1k_timm_e2171c76/onnx/convnext_base_384_in22ft1k_timm_e2171c76-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_base_384_in22ft1k.py +class: ConvNeXt +hash: 9de2aba1 +model_name: convnext_base_384_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 346208.4238 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 88591464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_base_Opset16_timm/convnext_base_Opset16.onnx b/Computer_Vision/convnext_base_Opset16_timm/convnext_base_Opset16.onnx new file mode 100644 index 000000000..95bd2c64c --- /dev/null +++ b/Computer_Vision/convnext_base_Opset16_timm/convnext_base_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:82e56ac06d50a0c5fa52d2c2fb35e0dfd19658f73d02cb9bca4fbb5c6fb95ead +size 354588723 diff --git a/Computer_Vision/convnext_base_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convnext_base_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7626a42ed --- /dev/null +++ b/Computer_Vision/convnext_base_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.3507585525512695 + set_success: 0.022089004516601562 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_base_timm_811451a2/onnx/convnext_base_timm_811451a2-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_base.py +class: ConvNeXt +hash: 9de2aba1 +model_name: convnext_base +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 346278.082 +onnx_ops_counter: + Add: 226 + Constant: 190 + Conv: 40 + Div: 77 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 72 + Mul: 149 + Pow: 41 + ReduceMean: 82 + Sqrt: 41 + Sub: 41 + Transpose: 82 +parameters: 88591464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_base_Opset16_torch_hub/convnext_base_Opset16.onnx b/Computer_Vision/convnext_base_Opset16_torch_hub/convnext_base_Opset16.onnx new file mode 100644 index 000000000..ed4e2fb70 --- /dev/null +++ b/Computer_Vision/convnext_base_Opset16_torch_hub/convnext_base_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0781fcbf1d9001d96454805efb92805fbddb758f36a664a2149001d2b64b1262 +size 354614277 diff --git a/Computer_Vision/convnext_base_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/convnext_base_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..fb8c72cc3 --- /dev/null +++ b/Computer_Vision/convnext_base_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.019826889038086 + set_success: 0.0200345516204834 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_base_torch_hub_8fae222c/onnx/convnext_base_torch_hub_8fae222c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/convnext_base.py +class: ConvNeXt +hash: c68282ce +model_name: convnext_base +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 346303.0371 +onnx_ops_counter: + Add: 226 + Constant: 190 + Conv: 40 + Div: 77 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 72 + Mul: 149 + Pow: 41 + ReduceMean: 82 + Sqrt: 41 + Sub: 41 + Transpose: 82 +parameters: 88591464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_base_Opset17_timm/convnext_base_Opset17.onnx b/Computer_Vision/convnext_base_Opset17_timm/convnext_base_Opset17.onnx new file mode 100644 index 000000000..1fd864c44 --- /dev/null +++ b/Computer_Vision/convnext_base_Opset17_timm/convnext_base_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4cb02f139e785482592f1a6862c097bf07cc0c78734a45a862031f51d60772a8 +size 354517393 diff --git a/Computer_Vision/convnext_base_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convnext_base_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d91cfb6b0 --- /dev/null +++ b/Computer_Vision/convnext_base_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.440479516983032 + set_success: 0.02314472198486328 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_base_timm_811451a2/onnx/convnext_base_timm_811451a2-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_base.py +class: ConvNeXt +hash: 9de2aba1 +model_name: convnext_base +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 346208.4238 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 88591464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_base_Opset17_torch_hub/convnext_base_Opset17.onnx b/Computer_Vision/convnext_base_Opset17_torch_hub/convnext_base_Opset17.onnx new file mode 100644 index 000000000..228227729 --- /dev/null +++ b/Computer_Vision/convnext_base_Opset17_torch_hub/convnext_base_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dcea0a3de30afc2032464ed7d8f3db978d6a760dc1926e4f588fd14a1c85cae4 +size 354530779 diff --git a/Computer_Vision/convnext_base_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/convnext_base_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..8f91544b4 --- /dev/null +++ b/Computer_Vision/convnext_base_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.299761772155762 + set_success: 0.021378040313720703 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_base_torch_hub_8fae222c/onnx/convnext_base_torch_hub_8fae222c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/convnext_base.py +class: ConvNeXt +hash: c68282ce +model_name: convnext_base +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 346221.4961 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 88591464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_base_Opset18_timm/convnext_base_Opset18.onnx b/Computer_Vision/convnext_base_Opset18_timm/convnext_base_Opset18.onnx new file mode 100644 index 000000000..fda1c0bc7 --- /dev/null +++ b/Computer_Vision/convnext_base_Opset18_timm/convnext_base_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06446201156a8806f3e7b97d604536adf1cb54bc1a9cb8660d6e1cbf4bbc3121 +size 354517393 diff --git a/Computer_Vision/convnext_base_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convnext_base_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..38cada1b5 --- /dev/null +++ b/Computer_Vision/convnext_base_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.437633037567139 + set_success: 0.02611517906188965 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_base_timm_811451a2/onnx/convnext_base_timm_811451a2-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_base.py +class: ConvNeXt +hash: 9de2aba1 +model_name: convnext_base +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 346208.4238 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 88591464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_base_Opset18_torch_hub/convnext_base_Opset18.onnx b/Computer_Vision/convnext_base_Opset18_torch_hub/convnext_base_Opset18.onnx new file mode 100644 index 000000000..5d0102a2a --- /dev/null +++ b/Computer_Vision/convnext_base_Opset18_torch_hub/convnext_base_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:973948b6ed7e2fb3d5f7b901a2e824e08c3e1751e7fad77bd99c9ec06f3ab3ef +size 354530779 diff --git a/Computer_Vision/convnext_base_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/convnext_base_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..77e1c34e9 --- /dev/null +++ b/Computer_Vision/convnext_base_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.590404987335205 + set_success: 0.02130603790283203 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_base_torch_hub_8fae222c/onnx/convnext_base_torch_hub_8fae222c-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/convnext_base.py +class: ConvNeXt +hash: c68282ce +model_name: convnext_base +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 346221.4961 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 88591464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_base_in22ft1k_Opset16_timm/convnext_base_in22ft1k_Opset16.onnx b/Computer_Vision/convnext_base_in22ft1k_Opset16_timm/convnext_base_in22ft1k_Opset16.onnx new file mode 100644 index 000000000..95bd2c64c --- /dev/null +++ b/Computer_Vision/convnext_base_in22ft1k_Opset16_timm/convnext_base_in22ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:82e56ac06d50a0c5fa52d2c2fb35e0dfd19658f73d02cb9bca4fbb5c6fb95ead +size 354588723 diff --git a/Computer_Vision/convnext_base_in22ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convnext_base_in22ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..144de9e0b --- /dev/null +++ b/Computer_Vision/convnext_base_in22ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.324272394180298 + set_success: 0.019756078720092773 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_base_in22ft1k_timm_811451a2/onnx/convnext_base_in22ft1k_timm_811451a2-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_base_in22ft1k.py +class: ConvNeXt +hash: 9de2aba1 +model_name: convnext_base_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 346278.082 +onnx_ops_counter: + Add: 226 + Constant: 190 + Conv: 40 + Div: 77 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 72 + Mul: 149 + Pow: 41 + ReduceMean: 82 + Sqrt: 41 + Sub: 41 + Transpose: 82 +parameters: 88591464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_base_in22ft1k_Opset17_timm/convnext_base_in22ft1k_Opset17.onnx b/Computer_Vision/convnext_base_in22ft1k_Opset17_timm/convnext_base_in22ft1k_Opset17.onnx new file mode 100644 index 000000000..1fd864c44 --- /dev/null +++ b/Computer_Vision/convnext_base_in22ft1k_Opset17_timm/convnext_base_in22ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4cb02f139e785482592f1a6862c097bf07cc0c78734a45a862031f51d60772a8 +size 354517393 diff --git a/Computer_Vision/convnext_base_in22ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convnext_base_in22ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8756741d3 --- /dev/null +++ b/Computer_Vision/convnext_base_in22ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.808391332626343 + set_success: 0.019713401794433594 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_base_in22ft1k_timm_811451a2/onnx/convnext_base_in22ft1k_timm_811451a2-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_base_in22ft1k.py +class: ConvNeXt +hash: 9de2aba1 +model_name: convnext_base_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 346208.4238 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 88591464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_base_in22ft1k_Opset18_timm/convnext_base_in22ft1k_Opset18.onnx b/Computer_Vision/convnext_base_in22ft1k_Opset18_timm/convnext_base_in22ft1k_Opset18.onnx new file mode 100644 index 000000000..fda1c0bc7 --- /dev/null +++ b/Computer_Vision/convnext_base_in22ft1k_Opset18_timm/convnext_base_in22ft1k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06446201156a8806f3e7b97d604536adf1cb54bc1a9cb8660d6e1cbf4bbc3121 +size 354517393 diff --git a/Computer_Vision/convnext_base_in22ft1k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convnext_base_in22ft1k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2d05998f9 --- /dev/null +++ b/Computer_Vision/convnext_base_in22ft1k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.515058279037476 + set_success: 0.021039247512817383 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_base_in22ft1k_timm_811451a2/onnx/convnext_base_in22ft1k_timm_811451a2-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_base_in22ft1k.py +class: ConvNeXt +hash: 9de2aba1 +model_name: convnext_base_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 346208.4238 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 88591464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_base_in22k_Opset16_timm/convnext_base_in22k_Opset16.onnx b/Computer_Vision/convnext_base_in22k_Opset16_timm/convnext_base_in22k_Opset16.onnx new file mode 100644 index 000000000..40f014694 --- /dev/null +++ b/Computer_Vision/convnext_base_in22k_Opset16_timm/convnext_base_in22k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8a2e3bd6d52e2cfe6274e5061bab9af0b2021053459f5590836bd7041bfa325 +size 440036828 diff --git a/Computer_Vision/convnext_base_in22k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convnext_base_in22k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..87d040752 --- /dev/null +++ b/Computer_Vision/convnext_base_in22k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.570639133453369 + set_success: 0.020398616790771484 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_base_in22k_timm_eed812c7/onnx/convnext_base_in22k_timm_eed812c7-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_base_in22k.py +class: ConvNeXt +hash: 51e3993e +model_name: convnext_base_in22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 429723.4971 +onnx_ops_counter: + Add: 226 + Constant: 190 + Conv: 40 + Div: 77 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 72 + Mul: 149 + Pow: 41 + ReduceMean: 82 + Sqrt: 41 + Sub: 41 + Transpose: 82 +parameters: 109953489 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_base_in22k_Opset17_timm/convnext_base_in22k_Opset17.onnx b/Computer_Vision/convnext_base_in22k_Opset17_timm/convnext_base_in22k_Opset17.onnx new file mode 100644 index 000000000..27b1f8829 --- /dev/null +++ b/Computer_Vision/convnext_base_in22k_Opset17_timm/convnext_base_in22k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d58b2c3d2b5012e1ccb7e5c5e4b276c74f15ae45ff645c26873ace457d7fbb25 +size 439965498 diff --git a/Computer_Vision/convnext_base_in22k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convnext_base_in22k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e5da93614 --- /dev/null +++ b/Computer_Vision/convnext_base_in22k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.05896782875061 + set_success: 0.02116107940673828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_base_in22k_timm_eed812c7/onnx/convnext_base_in22k_timm_eed812c7-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_base_in22k.py +class: ConvNeXt +hash: 51e3993e +model_name: convnext_base_in22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 429653.8389 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 109953489 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_base_in22k_Opset18_timm/convnext_base_in22k_Opset18.onnx b/Computer_Vision/convnext_base_in22k_Opset18_timm/convnext_base_in22k_Opset18.onnx new file mode 100644 index 000000000..3c7df0949 --- /dev/null +++ b/Computer_Vision/convnext_base_in22k_Opset18_timm/convnext_base_in22k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64a8f508867e1e01045780e01913d464fadb06504cfcc57046387fefe8d75147 +size 439965498 diff --git a/Computer_Vision/convnext_base_in22k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convnext_base_in22k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..31ec2f64b --- /dev/null +++ b/Computer_Vision/convnext_base_in22k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.132246494293213 + set_success: 0.026459455490112305 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_base_in22k_timm_eed812c7/onnx/convnext_base_in22k_timm_eed812c7-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_base_in22k.py +class: ConvNeXt +hash: 51e3993e +model_name: convnext_base_in22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 429653.8389 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 109953489 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_large_384_in22ft1k_Opset16_timm/convnext_large_384_in22ft1k_Opset16.onnx b/Computer_Vision/convnext_large_384_in22ft1k_Opset16_timm/convnext_large_384_in22ft1k_Opset16.onnx new file mode 100644 index 000000000..8104a68c9 --- /dev/null +++ b/Computer_Vision/convnext_large_384_in22ft1k_Opset16_timm/convnext_large_384_in22ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:11986eec32a1f9ac16fceb09e3a4891fca0ba3b8d6941adf81dd8d435693ce21 +size 791292223 diff --git a/Computer_Vision/convnext_large_384_in22ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convnext_large_384_in22ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2e251e888 --- /dev/null +++ b/Computer_Vision/convnext_large_384_in22ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.425869226455688 + set_success: 0.02552008628845215 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_large_384_in22ft1k_timm_26e84ced/onnx/convnext_large_384_in22ft1k_timm_26e84ced-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_large_384_in22ft1k.py +class: ConvNeXt +hash: d5587236 +model_name: convnext_large_384_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 772746.3438 +onnx_ops_counter: + Add: 226 + Constant: 190 + Conv: 40 + Div: 77 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 72 + Mul: 149 + Pow: 41 + ReduceMean: 82 + Sqrt: 41 + Sub: 41 + Transpose: 82 +parameters: 197767336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_large_384_in22ft1k_Opset17_timm/convnext_large_384_in22ft1k_Opset17.onnx b/Computer_Vision/convnext_large_384_in22ft1k_Opset17_timm/convnext_large_384_in22ft1k_Opset17.onnx new file mode 100644 index 000000000..4c392643e --- /dev/null +++ b/Computer_Vision/convnext_large_384_in22ft1k_Opset17_timm/convnext_large_384_in22ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c83ccfba19b8c443110f60e4fd7f4daed58665c71e521e93e7ebe79af85e635b +size 791220893 diff --git a/Computer_Vision/convnext_large_384_in22ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convnext_large_384_in22ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d1d0b39f9 --- /dev/null +++ b/Computer_Vision/convnext_large_384_in22ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.089252710342407 + set_success: 0.025985002517700195 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_large_384_in22ft1k_timm_26e84ced/onnx/convnext_large_384_in22ft1k_timm_26e84ced-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_large_384_in22ft1k.py +class: ConvNeXt +hash: d5587236 +model_name: convnext_large_384_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 772676.6855 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 197767336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_large_384_in22ft1k_Opset18_timm/convnext_large_384_in22ft1k_Opset18.onnx b/Computer_Vision/convnext_large_384_in22ft1k_Opset18_timm/convnext_large_384_in22ft1k_Opset18.onnx new file mode 100644 index 000000000..fb225f8ef --- /dev/null +++ b/Computer_Vision/convnext_large_384_in22ft1k_Opset18_timm/convnext_large_384_in22ft1k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8cb17708d9bfb9f7a5cd986a638f995b0ca15df24a0d710f407f8544616ed1b6 +size 791220893 diff --git a/Computer_Vision/convnext_large_384_in22ft1k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convnext_large_384_in22ft1k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..722e60537 --- /dev/null +++ b/Computer_Vision/convnext_large_384_in22ft1k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.963119983673096 + set_success: 0.03035736083984375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_large_384_in22ft1k_timm_26e84ced/onnx/convnext_large_384_in22ft1k_timm_26e84ced-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_large_384_in22ft1k.py +class: ConvNeXt +hash: d5587236 +model_name: convnext_large_384_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 772676.6855 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 197767336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_large_Opset16_timm/convnext_large_Opset16.onnx b/Computer_Vision/convnext_large_Opset16_timm/convnext_large_Opset16.onnx new file mode 100644 index 000000000..436ede532 --- /dev/null +++ b/Computer_Vision/convnext_large_Opset16_timm/convnext_large_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5749477b149ca4c2b9eea4db08e28217167b7975f3641a742192dc00472dcc0b +size 791292223 diff --git a/Computer_Vision/convnext_large_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convnext_large_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3beb736ce --- /dev/null +++ b/Computer_Vision/convnext_large_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.836733102798462 + set_success: 0.022437334060668945 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_large_timm_48fce7d4/onnx/convnext_large_timm_48fce7d4-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_large.py +class: ConvNeXt +hash: d5587236 +model_name: convnext_large +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 772746.3438 +onnx_ops_counter: + Add: 226 + Constant: 190 + Conv: 40 + Div: 77 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 72 + Mul: 149 + Pow: 41 + ReduceMean: 82 + Sqrt: 41 + Sub: 41 + Transpose: 82 +parameters: 197767336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_large_Opset16_torch_hub/convnext_large_Opset16.onnx b/Computer_Vision/convnext_large_Opset16_torch_hub/convnext_large_Opset16.onnx new file mode 100644 index 000000000..b672198bd --- /dev/null +++ b/Computer_Vision/convnext_large_Opset16_torch_hub/convnext_large_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ae21907e6679cea03e5d6ed86550e926414cd31c2d5df6f99ffb4a472c053be +size 791317777 diff --git a/Computer_Vision/convnext_large_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/convnext_large_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..129655dbe --- /dev/null +++ b/Computer_Vision/convnext_large_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.10419774055481 + set_success: 0.020708799362182617 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_large_torch_hub_a4e99be0/onnx/convnext_large_torch_hub_a4e99be0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/convnext_large.py +class: ConvNeXt +hash: af479213 +model_name: convnext_large +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 772771.2988 +onnx_ops_counter: + Add: 226 + Constant: 190 + Conv: 40 + Div: 77 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 72 + Mul: 149 + Pow: 41 + ReduceMean: 82 + Sqrt: 41 + Sub: 41 + Transpose: 82 +parameters: 197767336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_large_Opset17_timm/convnext_large_Opset17.onnx b/Computer_Vision/convnext_large_Opset17_timm/convnext_large_Opset17.onnx new file mode 100644 index 000000000..5528e4182 --- /dev/null +++ b/Computer_Vision/convnext_large_Opset17_timm/convnext_large_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a13e4b48115e71799d132ac10749e7fbb2f2f9352fe28261742461f89104dc8 +size 791220893 diff --git a/Computer_Vision/convnext_large_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convnext_large_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d42a3f5af --- /dev/null +++ b/Computer_Vision/convnext_large_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.915805578231812 + set_success: 0.805182933807373 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_large_timm_48fce7d4/onnx/convnext_large_timm_48fce7d4-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_large.py +class: ConvNeXt +hash: d5587236 +model_name: convnext_large +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 772676.6855 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 197767336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_large_Opset17_torch_hub/convnext_large_Opset17.onnx b/Computer_Vision/convnext_large_Opset17_torch_hub/convnext_large_Opset17.onnx new file mode 100644 index 000000000..82a845f4b --- /dev/null +++ b/Computer_Vision/convnext_large_Opset17_torch_hub/convnext_large_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:069fe8f2b1ef04b8999632148c32c0a07add185143ef298c0d16ba21515c27be +size 791234279 diff --git a/Computer_Vision/convnext_large_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/convnext_large_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..07fab5597 --- /dev/null +++ b/Computer_Vision/convnext_large_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.045371770858765 + set_success: 0.026247262954711914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_large_torch_hub_a4e99be0/onnx/convnext_large_torch_hub_a4e99be0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/convnext_large.py +class: ConvNeXt +hash: af479213 +model_name: convnext_large +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 772689.7578 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 197767336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_large_Opset18_timm/convnext_large_Opset18.onnx b/Computer_Vision/convnext_large_Opset18_timm/convnext_large_Opset18.onnx new file mode 100644 index 000000000..0a9a19a9d --- /dev/null +++ b/Computer_Vision/convnext_large_Opset18_timm/convnext_large_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49579ce1a07e387e82d00ed6f0eb33528f69daea4d13969f4aa7fe79a8c1f7af +size 791220893 diff --git a/Computer_Vision/convnext_large_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convnext_large_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..eecff13ff --- /dev/null +++ b/Computer_Vision/convnext_large_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.021304845809937 + set_success: 0.025761842727661133 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_large_timm_48fce7d4/onnx/convnext_large_timm_48fce7d4-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_large.py +class: ConvNeXt +hash: d5587236 +model_name: convnext_large +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 772676.6855 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 197767336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_large_Opset18_torch_hub/convnext_large_Opset18.onnx b/Computer_Vision/convnext_large_Opset18_torch_hub/convnext_large_Opset18.onnx new file mode 100644 index 000000000..68f58f803 --- /dev/null +++ b/Computer_Vision/convnext_large_Opset18_torch_hub/convnext_large_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b14840fcd5cbe0b2f6165c9fe6f8a03be30ae13dd7e39d1dc935498dee1b1af +size 791234279 diff --git a/Computer_Vision/convnext_large_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/convnext_large_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..6a273687a --- /dev/null +++ b/Computer_Vision/convnext_large_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.76360273361206 + set_success: 0.029483795166015625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_large_torch_hub_a4e99be0/onnx/convnext_large_torch_hub_a4e99be0-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/convnext_large.py +class: ConvNeXt +hash: af479213 +model_name: convnext_large +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 772689.7578 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 197767336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_large_in22ft1k_Opset16_timm/convnext_large_in22ft1k_Opset16.onnx b/Computer_Vision/convnext_large_in22ft1k_Opset16_timm/convnext_large_in22ft1k_Opset16.onnx new file mode 100644 index 000000000..436ede532 --- /dev/null +++ b/Computer_Vision/convnext_large_in22ft1k_Opset16_timm/convnext_large_in22ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5749477b149ca4c2b9eea4db08e28217167b7975f3641a742192dc00472dcc0b +size 791292223 diff --git a/Computer_Vision/convnext_large_in22ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convnext_large_in22ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e8d2c7839 --- /dev/null +++ b/Computer_Vision/convnext_large_in22ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.256354808807373 + set_success: 0.0208590030670166 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_large_in22ft1k_timm_48fce7d4/onnx/convnext_large_in22ft1k_timm_48fce7d4-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_large_in22ft1k.py +class: ConvNeXt +hash: d5587236 +model_name: convnext_large_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 772746.3438 +onnx_ops_counter: + Add: 226 + Constant: 190 + Conv: 40 + Div: 77 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 72 + Mul: 149 + Pow: 41 + ReduceMean: 82 + Sqrt: 41 + Sub: 41 + Transpose: 82 +parameters: 197767336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_large_in22ft1k_Opset17_timm/convnext_large_in22ft1k_Opset17.onnx b/Computer_Vision/convnext_large_in22ft1k_Opset17_timm/convnext_large_in22ft1k_Opset17.onnx new file mode 100644 index 000000000..5528e4182 --- /dev/null +++ b/Computer_Vision/convnext_large_in22ft1k_Opset17_timm/convnext_large_in22ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a13e4b48115e71799d132ac10749e7fbb2f2f9352fe28261742461f89104dc8 +size 791220893 diff --git a/Computer_Vision/convnext_large_in22ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convnext_large_in22ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3ec5fd580 --- /dev/null +++ b/Computer_Vision/convnext_large_in22ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.957273960113525 + set_success: 0.03184223175048828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_large_in22ft1k_timm_48fce7d4/onnx/convnext_large_in22ft1k_timm_48fce7d4-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_large_in22ft1k.py +class: ConvNeXt +hash: d5587236 +model_name: convnext_large_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 772676.6855 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 197767336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_large_in22ft1k_Opset18_timm/convnext_large_in22ft1k_Opset18.onnx b/Computer_Vision/convnext_large_in22ft1k_Opset18_timm/convnext_large_in22ft1k_Opset18.onnx new file mode 100644 index 000000000..0a9a19a9d --- /dev/null +++ b/Computer_Vision/convnext_large_in22ft1k_Opset18_timm/convnext_large_in22ft1k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49579ce1a07e387e82d00ed6f0eb33528f69daea4d13969f4aa7fe79a8c1f7af +size 791220893 diff --git a/Computer_Vision/convnext_large_in22ft1k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convnext_large_in22ft1k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a97a16e55 --- /dev/null +++ b/Computer_Vision/convnext_large_in22ft1k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.53908395767212 + set_success: 0.022789716720581055 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_large_in22ft1k_timm_48fce7d4/onnx/convnext_large_in22ft1k_timm_48fce7d4-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_large_in22ft1k.py +class: ConvNeXt +hash: d5587236 +model_name: convnext_large_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 772676.6855 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 197767336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_large_in22k_Opset16_timm/convnext_large_in22k_Opset16.onnx b/Computer_Vision/convnext_large_in22k_Opset16_timm/convnext_large_in22k_Opset16.onnx new file mode 100644 index 000000000..f40a6dfa0 --- /dev/null +++ b/Computer_Vision/convnext_large_in22k_Opset16_timm/convnext_large_in22k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:368ace550662251acad1e095160ae5177fc3a5ede230a52915b3a4463142cf47 +size 919422696 diff --git a/Computer_Vision/convnext_large_in22k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convnext_large_in22k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6ca71155d --- /dev/null +++ b/Computer_Vision/convnext_large_in22k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.099859952926636 + set_success: 0.023468971252441406 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_large_in22k_timm_303afaa2/onnx/convnext_large_in22k_timm_303afaa2-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_large_in22k.py +class: ConvNeXt +hash: d2e8ca63 +model_name: convnext_large_in22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 897873.7588 +onnx_ops_counter: + Add: 226 + Constant: 190 + Conv: 40 + Div: 77 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 72 + Mul: 149 + Pow: 41 + ReduceMean: 82 + Sqrt: 41 + Sub: 41 + Transpose: 82 +parameters: 229799953 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_large_in22k_Opset17_timm/convnext_large_in22k_Opset17.onnx b/Computer_Vision/convnext_large_in22k_Opset17_timm/convnext_large_in22k_Opset17.onnx new file mode 100644 index 000000000..73f7d2335 --- /dev/null +++ b/Computer_Vision/convnext_large_in22k_Opset17_timm/convnext_large_in22k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e7c2d66cce2a9ec49206afce249a6262cde97ec4fed786ffa6eb809f7af4dd08 +size 919351366 diff --git a/Computer_Vision/convnext_large_in22k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convnext_large_in22k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..df1e0bf94 --- /dev/null +++ b/Computer_Vision/convnext_large_in22k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.334176301956177 + set_success: 0.025831222534179688 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_large_in22k_timm_303afaa2/onnx/convnext_large_in22k_timm_303afaa2-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_large_in22k.py +class: ConvNeXt +hash: d2e8ca63 +model_name: convnext_large_in22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 897804.1006 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 229799953 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_large_in22k_Opset18_timm/convnext_large_in22k_Opset18.onnx b/Computer_Vision/convnext_large_in22k_Opset18_timm/convnext_large_in22k_Opset18.onnx new file mode 100644 index 000000000..8f7324515 --- /dev/null +++ b/Computer_Vision/convnext_large_in22k_Opset18_timm/convnext_large_in22k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25bc52de371676b1c282a1ce63ae0d3e238b47c812a67f10017babff62623e59 +size 919351366 diff --git a/Computer_Vision/convnext_large_in22k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convnext_large_in22k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3627bdee2 --- /dev/null +++ b/Computer_Vision/convnext_large_in22k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.368338108062744 + set_success: 0.030980348587036133 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_large_in22k_timm_303afaa2/onnx/convnext_large_in22k_timm_303afaa2-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_large_in22k.py +class: ConvNeXt +hash: d2e8ca63 +model_name: convnext_large_in22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 897804.1006 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 229799953 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_nano_Opset16_timm/convnext_nano_Opset16.onnx b/Computer_Vision/convnext_nano_Opset16_timm/convnext_nano_Opset16.onnx new file mode 100644 index 000000000..4956d3575 --- /dev/null +++ b/Computer_Vision/convnext_nano_Opset16_timm/convnext_nano_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6fce63f47acfb39813822309b63bbb5983af64b19b27f1fb211e6baee88f6b11 +size 62467338 diff --git a/Computer_Vision/convnext_nano_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convnext_nano_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8ad45ab0b --- /dev/null +++ b/Computer_Vision/convnext_nano_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2498712539672852 + set_success: 0.0185549259185791 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_nano_timm_c90cc149/onnx/convnext_nano_timm_c90cc149-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_nano.py +class: ConvNeXt +hash: 0e3b364e +model_name: convnext_nano +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 61003.292 +onnx_ops_counter: + Add: 66 + Constant: 80 + Conv: 46 + Div: 33 + Erf: 14 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 61 + Pow: 19 + ReduceMean: 38 + Sqrt: 19 + Sub: 19 + Transpose: 38 +parameters: 15593560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_nano_Opset17_timm/convnext_nano_Opset17.onnx b/Computer_Vision/convnext_nano_Opset17_timm/convnext_nano_Opset17.onnx new file mode 100644 index 000000000..f90d57d90 --- /dev/null +++ b/Computer_Vision/convnext_nano_Opset17_timm/convnext_nano_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d22470477aaeafa54e4daf63e8c464c4822b5469cda4fe99e69e2ae77a099a1b +size 62435202 diff --git a/Computer_Vision/convnext_nano_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convnext_nano_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c4f72ef43 --- /dev/null +++ b/Computer_Vision/convnext_nano_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1274616718292236 + set_success: 0.018229246139526367 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_nano_timm_c90cc149/onnx/convnext_nano_timm_c90cc149-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_nano.py +class: ConvNeXt +hash: 0e3b364e +model_name: convnext_nano +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 60971.9092 +onnx_ops_counter: + Add: 28 + Constant: 42 + Conv: 46 + Div: 14 + Erf: 14 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 19 + Mul: 42 + Transpose: 38 +parameters: 15593560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_nano_Opset18_timm/convnext_nano_Opset18.onnx b/Computer_Vision/convnext_nano_Opset18_timm/convnext_nano_Opset18.onnx new file mode 100644 index 000000000..3f0eb7d3e --- /dev/null +++ b/Computer_Vision/convnext_nano_Opset18_timm/convnext_nano_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30935c0fe4d7a6ab3df93dbd51aaf2b90f9e3e634b3e096b86f876b73b2d6c68 +size 62435202 diff --git a/Computer_Vision/convnext_nano_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convnext_nano_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cd9cf57a2 --- /dev/null +++ b/Computer_Vision/convnext_nano_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1464972496032715 + set_success: 0.017089366912841797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_nano_timm_c90cc149/onnx/convnext_nano_timm_c90cc149-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_nano.py +class: ConvNeXt +hash: 0e3b364e +model_name: convnext_nano +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 60971.9092 +onnx_ops_counter: + Add: 28 + Constant: 42 + Conv: 46 + Div: 14 + Erf: 14 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 19 + Mul: 42 + Transpose: 38 +parameters: 15593560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_nano_ols_Opset16_timm/convnext_nano_ols_Opset16.onnx b/Computer_Vision/convnext_nano_ols_Opset16_timm/convnext_nano_ols_Opset16.onnx new file mode 100644 index 000000000..311130455 --- /dev/null +++ b/Computer_Vision/convnext_nano_ols_Opset16_timm/convnext_nano_ols_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8bde4b6b5c4c15b57ce382edf7285307b5bfee02b6a37b102a7524b6150b13c9 +size 62691600 diff --git a/Computer_Vision/convnext_nano_ols_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convnext_nano_ols_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..52e5893f3 --- /dev/null +++ b/Computer_Vision/convnext_nano_ols_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.242920160293579 + set_success: 0.016680479049682617 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_nano_ols_timm_6e35fd0c/onnx/convnext_nano_ols_timm_6e35fd0c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_nano_ols.py +class: ConvNeXt +hash: d0fd3854 +model_name: convnext_nano_ols +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 61222.2979 +onnx_ops_counter: + Add: 66 + Constant: 80 + Conv: 47 + Div: 33 + Erf: 14 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 61 + Pow: 19 + ReduceMean: 38 + Sqrt: 19 + Sub: 19 + Transpose: 38 +parameters: 15649560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_nano_ols_Opset17_timm/convnext_nano_ols_Opset17.onnx b/Computer_Vision/convnext_nano_ols_Opset17_timm/convnext_nano_ols_Opset17.onnx new file mode 100644 index 000000000..963735cd7 --- /dev/null +++ b/Computer_Vision/convnext_nano_ols_Opset17_timm/convnext_nano_ols_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ed27290c5f6a8cd6e13712784017838d6fb4bad4560edbe0225abbb6259fe04 +size 62659464 diff --git a/Computer_Vision/convnext_nano_ols_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convnext_nano_ols_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c7b493be6 --- /dev/null +++ b/Computer_Vision/convnext_nano_ols_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.132368564605713 + set_success: 0.015465736389160156 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_nano_ols_timm_6e35fd0c/onnx/convnext_nano_ols_timm_6e35fd0c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_nano_ols.py +class: ConvNeXt +hash: d0fd3854 +model_name: convnext_nano_ols +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 61190.915 +onnx_ops_counter: + Add: 28 + Constant: 42 + Conv: 47 + Div: 14 + Erf: 14 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 19 + Mul: 42 + Transpose: 38 +parameters: 15649560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_nano_ols_Opset18_timm/convnext_nano_ols_Opset18.onnx b/Computer_Vision/convnext_nano_ols_Opset18_timm/convnext_nano_ols_Opset18.onnx new file mode 100644 index 000000000..b2fe0eb21 --- /dev/null +++ b/Computer_Vision/convnext_nano_ols_Opset18_timm/convnext_nano_ols_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f85f2c16a68d45cd5f2b17193c72b8f4fffed7e4912df95c4b4e744618f470b3 +size 62659464 diff --git a/Computer_Vision/convnext_nano_ols_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convnext_nano_ols_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..36eb99758 --- /dev/null +++ b/Computer_Vision/convnext_nano_ols_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.174335241317749 + set_success: 0.017160892486572266 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_nano_ols_timm_6e35fd0c/onnx/convnext_nano_ols_timm_6e35fd0c-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_nano_ols.py +class: ConvNeXt +hash: d0fd3854 +model_name: convnext_nano_ols +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 61190.915 +onnx_ops_counter: + Add: 28 + Constant: 42 + Conv: 47 + Div: 14 + Erf: 14 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 19 + Mul: 42 + Transpose: 38 +parameters: 15649560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_small_384_in22ft1k_Opset16_timm/convnext_small_384_in22ft1k_Opset16.onnx b/Computer_Vision/convnext_small_384_in22ft1k_Opset16_timm/convnext_small_384_in22ft1k_Opset16.onnx new file mode 100644 index 000000000..eab6929ca --- /dev/null +++ b/Computer_Vision/convnext_small_384_in22ft1k_Opset16_timm/convnext_small_384_in22ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:59b67699f20854a4f442482277d64f261978ed88e616e42e55148b5518085a0b +size 201117576 diff --git a/Computer_Vision/convnext_small_384_in22ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convnext_small_384_in22ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f5cbf41c2 --- /dev/null +++ b/Computer_Vision/convnext_small_384_in22ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.659897327423096 + set_success: 0.02191901206970215 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_small_384_in22ft1k_timm_21494da1/onnx/convnext_small_384_in22ft1k_timm_21494da1-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_small_384_in22ft1k.py +class: ConvNeXt +hash: ee1f18c3 +model_name: convnext_small_384_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 196403.915 +onnx_ops_counter: + Add: 226 + Constant: 190 + Conv: 40 + Div: 77 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 72 + Mul: 149 + Pow: 41 + ReduceMean: 82 + Sqrt: 41 + Sub: 41 + Transpose: 82 +parameters: 50223688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_small_384_in22ft1k_Opset17_timm/convnext_small_384_in22ft1k_Opset17.onnx b/Computer_Vision/convnext_small_384_in22ft1k_Opset17_timm/convnext_small_384_in22ft1k_Opset17.onnx new file mode 100644 index 000000000..fd0b75cf1 --- /dev/null +++ b/Computer_Vision/convnext_small_384_in22ft1k_Opset17_timm/convnext_small_384_in22ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:88bf14765a2bf30db73d663245511ce334e0ee9d9db7bf9c7f48e59687d0a4d5 +size 201046246 diff --git a/Computer_Vision/convnext_small_384_in22ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convnext_small_384_in22ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9ddaf5f0e --- /dev/null +++ b/Computer_Vision/convnext_small_384_in22ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.12968897819519 + set_success: 0.021526098251342773 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_small_384_in22ft1k_timm_21494da1/onnx/convnext_small_384_in22ft1k_timm_21494da1-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_small_384_in22ft1k.py +class: ConvNeXt +hash: ee1f18c3 +model_name: convnext_small_384_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 196334.2568 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 50223688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_small_384_in22ft1k_Opset18_timm/convnext_small_384_in22ft1k_Opset18.onnx b/Computer_Vision/convnext_small_384_in22ft1k_Opset18_timm/convnext_small_384_in22ft1k_Opset18.onnx new file mode 100644 index 000000000..bf150f81e --- /dev/null +++ b/Computer_Vision/convnext_small_384_in22ft1k_Opset18_timm/convnext_small_384_in22ft1k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b2c437c4f5d1cbfeffb57aab98779c3324afd6f1b71a9424cb7da486b82b6de +size 201046246 diff --git a/Computer_Vision/convnext_small_384_in22ft1k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convnext_small_384_in22ft1k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..747ce1572 --- /dev/null +++ b/Computer_Vision/convnext_small_384_in22ft1k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.0008704662323 + set_success: 0.021327972412109375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_small_384_in22ft1k_timm_21494da1/onnx/convnext_small_384_in22ft1k_timm_21494da1-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_small_384_in22ft1k.py +class: ConvNeXt +hash: ee1f18c3 +model_name: convnext_small_384_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 196334.2568 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 50223688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_small_Opset16_timm/convnext_small_Opset16.onnx b/Computer_Vision/convnext_small_Opset16_timm/convnext_small_Opset16.onnx new file mode 100644 index 000000000..f6b89ebe9 --- /dev/null +++ b/Computer_Vision/convnext_small_Opset16_timm/convnext_small_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b780d5ba914a1cd6bc9ee867752562fec17df939f3a5c3254a6e65a7813f437 +size 201117576 diff --git a/Computer_Vision/convnext_small_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convnext_small_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..236881cd0 --- /dev/null +++ b/Computer_Vision/convnext_small_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.8404951095581055 + set_success: 0.020320415496826172 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_small_timm_af521fd8/onnx/convnext_small_timm_af521fd8-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_small.py +class: ConvNeXt +hash: ee1f18c3 +model_name: convnext_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 196403.915 +onnx_ops_counter: + Add: 226 + Constant: 190 + Conv: 40 + Div: 77 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 72 + Mul: 149 + Pow: 41 + ReduceMean: 82 + Sqrt: 41 + Sub: 41 + Transpose: 82 +parameters: 50223688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_small_Opset16_torch_hub/convnext_small_Opset16.onnx b/Computer_Vision/convnext_small_Opset16_torch_hub/convnext_small_Opset16.onnx new file mode 100644 index 000000000..7dd7dd2ac --- /dev/null +++ b/Computer_Vision/convnext_small_Opset16_torch_hub/convnext_small_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fa6edc8a26af911675a283834a3bec89ff47ca3ce99551af90a5ce7b15449133 +size 201143130 diff --git a/Computer_Vision/convnext_small_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/convnext_small_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..6115fa4a3 --- /dev/null +++ b/Computer_Vision/convnext_small_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.200748920440674 + set_success: 0.01831364631652832 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_small_torch_hub_fe195ab6/onnx/convnext_small_torch_hub_fe195ab6-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/convnext_small.py +class: ConvNeXt +hash: 32bd6900 +model_name: convnext_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 196428.8701 +onnx_ops_counter: + Add: 226 + Constant: 190 + Conv: 40 + Div: 77 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 72 + Mul: 149 + Pow: 41 + ReduceMean: 82 + Sqrt: 41 + Sub: 41 + Transpose: 82 +parameters: 50223688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_small_Opset17_timm/convnext_small_Opset17.onnx b/Computer_Vision/convnext_small_Opset17_timm/convnext_small_Opset17.onnx new file mode 100644 index 000000000..eda2210e1 --- /dev/null +++ b/Computer_Vision/convnext_small_Opset17_timm/convnext_small_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52226d1565130bd2f3a0189f8c481387af5538e0e74cd814b1de1b5c12f32c4f +size 201046246 diff --git a/Computer_Vision/convnext_small_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convnext_small_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5248946c1 --- /dev/null +++ b/Computer_Vision/convnext_small_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.292504072189331 + set_success: 0.021655559539794922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_small_timm_af521fd8/onnx/convnext_small_timm_af521fd8-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_small.py +class: ConvNeXt +hash: ee1f18c3 +model_name: convnext_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 196334.2568 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 50223688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_small_Opset17_torch_hub/convnext_small_Opset17.onnx b/Computer_Vision/convnext_small_Opset17_torch_hub/convnext_small_Opset17.onnx new file mode 100644 index 000000000..57c6124e9 --- /dev/null +++ b/Computer_Vision/convnext_small_Opset17_torch_hub/convnext_small_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0977ecd4ff80f2d64b83f36559c97814efd057bbbb878f182ce6667ed8f686e6 +size 201059632 diff --git a/Computer_Vision/convnext_small_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/convnext_small_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..24df4f67a --- /dev/null +++ b/Computer_Vision/convnext_small_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.5080084800720215 + set_success: 0.020480632781982422 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_small_torch_hub_fe195ab6/onnx/convnext_small_torch_hub_fe195ab6-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/convnext_small.py +class: ConvNeXt +hash: 32bd6900 +model_name: convnext_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 196347.3291 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 50223688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_small_Opset18_timm/convnext_small_Opset18.onnx b/Computer_Vision/convnext_small_Opset18_timm/convnext_small_Opset18.onnx new file mode 100644 index 000000000..b9a2730e9 --- /dev/null +++ b/Computer_Vision/convnext_small_Opset18_timm/convnext_small_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:186de90d72046e91ee1c9e61c3e431a6d602418e3d2ad25f3c88882caa94e5c8 +size 201046246 diff --git a/Computer_Vision/convnext_small_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convnext_small_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d6a07eaa3 --- /dev/null +++ b/Computer_Vision/convnext_small_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.9402949810028076 + set_success: 0.02116680145263672 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_small_timm_af521fd8/onnx/convnext_small_timm_af521fd8-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_small.py +class: ConvNeXt +hash: ee1f18c3 +model_name: convnext_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 196334.2568 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 50223688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_small_Opset18_torch_hub/convnext_small_Opset18.onnx b/Computer_Vision/convnext_small_Opset18_torch_hub/convnext_small_Opset18.onnx new file mode 100644 index 000000000..174618035 --- /dev/null +++ b/Computer_Vision/convnext_small_Opset18_torch_hub/convnext_small_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f049fd72d05bf0bce8f812cbc2afa0f84c5ad9594a7703c5ba7c0866d6fac03c +size 201059632 diff --git a/Computer_Vision/convnext_small_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/convnext_small_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..d90d59398 --- /dev/null +++ b/Computer_Vision/convnext_small_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.639655828475952 + set_success: 0.019864559173583984 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_small_torch_hub_fe195ab6/onnx/convnext_small_torch_hub_fe195ab6-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/convnext_small.py +class: ConvNeXt +hash: 32bd6900 +model_name: convnext_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 196347.3291 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 50223688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_small_in22ft1k_Opset16_timm/convnext_small_in22ft1k_Opset16.onnx b/Computer_Vision/convnext_small_in22ft1k_Opset16_timm/convnext_small_in22ft1k_Opset16.onnx new file mode 100644 index 000000000..41ebe6760 --- /dev/null +++ b/Computer_Vision/convnext_small_in22ft1k_Opset16_timm/convnext_small_in22ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa64c40767d8faefa82e855a406ae0b14a90b2abe2939c8e5832948eb110c7b4 +size 201117576 diff --git a/Computer_Vision/convnext_small_in22ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convnext_small_in22ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..271922050 --- /dev/null +++ b/Computer_Vision/convnext_small_in22ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.288468599319458 + set_success: 0.01892256736755371 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_small_in22ft1k_timm_af521fd8/onnx/convnext_small_in22ft1k_timm_af521fd8-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_small_in22ft1k.py +class: ConvNeXt +hash: ee1f18c3 +model_name: convnext_small_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 196403.915 +onnx_ops_counter: + Add: 226 + Constant: 190 + Conv: 40 + Div: 77 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 72 + Mul: 149 + Pow: 41 + ReduceMean: 82 + Sqrt: 41 + Sub: 41 + Transpose: 82 +parameters: 50223688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_small_in22ft1k_Opset17_timm/convnext_small_in22ft1k_Opset17.onnx b/Computer_Vision/convnext_small_in22ft1k_Opset17_timm/convnext_small_in22ft1k_Opset17.onnx new file mode 100644 index 000000000..a97931009 --- /dev/null +++ b/Computer_Vision/convnext_small_in22ft1k_Opset17_timm/convnext_small_in22ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:36e37c25abfc926f1603ab327dc16c6d06308572e58a2f8822631f458f45d1af +size 201046246 diff --git a/Computer_Vision/convnext_small_in22ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convnext_small_in22ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2c68a57fa --- /dev/null +++ b/Computer_Vision/convnext_small_in22ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.837714433670044 + set_success: 0.01900482177734375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_small_in22ft1k_timm_af521fd8/onnx/convnext_small_in22ft1k_timm_af521fd8-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_small_in22ft1k.py +class: ConvNeXt +hash: ee1f18c3 +model_name: convnext_small_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 196334.2568 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 50223688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_small_in22ft1k_Opset18_timm/convnext_small_in22ft1k_Opset18.onnx b/Computer_Vision/convnext_small_in22ft1k_Opset18_timm/convnext_small_in22ft1k_Opset18.onnx new file mode 100644 index 000000000..ff0004588 --- /dev/null +++ b/Computer_Vision/convnext_small_in22ft1k_Opset18_timm/convnext_small_in22ft1k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3644b8286c19ff260bb5198488a6414a6e8c588f3e7751d9b5beb056c09d63dc +size 201046246 diff --git a/Computer_Vision/convnext_small_in22ft1k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convnext_small_in22ft1k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..09e82ca1b --- /dev/null +++ b/Computer_Vision/convnext_small_in22ft1k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.807588815689087 + set_success: 0.019672155380249023 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_small_in22ft1k_timm_af521fd8/onnx/convnext_small_in22ft1k_timm_af521fd8-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_small_in22ft1k.py +class: ConvNeXt +hash: ee1f18c3 +model_name: convnext_small_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 196334.2568 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 50223688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_small_in22k_Opset16_timm/convnext_small_in22k_Opset16.onnx b/Computer_Vision/convnext_small_in22k_Opset16_timm/convnext_small_in22k_Opset16.onnx new file mode 100644 index 000000000..d1050ab6f --- /dev/null +++ b/Computer_Vision/convnext_small_in22k_Opset16_timm/convnext_small_in22k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3a3e727b725178f49c54567045c7196e4b4a10e2040d0f95d4b39996aa8c5805 +size 265224497 diff --git a/Computer_Vision/convnext_small_in22k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convnext_small_in22k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6c8173482 --- /dev/null +++ b/Computer_Vision/convnext_small_in22k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.955393552780151 + set_success: 0.02748727798461914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_small_in22k_timm_c75c41dc/onnx/convnext_small_in22k_timm_c75c41dc-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_small_in22k.py +class: ConvNeXt +hash: 14d6a854 +model_name: convnext_small_in22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 259008.3301 +onnx_ops_counter: + Add: 226 + Constant: 190 + Conv: 40 + Div: 77 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 72 + Mul: 149 + Pow: 41 + ReduceMean: 82 + Sqrt: 41 + Sub: 41 + Transpose: 82 +parameters: 66250417 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_small_in22k_Opset17_timm/convnext_small_in22k_Opset17.onnx b/Computer_Vision/convnext_small_in22k_Opset17_timm/convnext_small_in22k_Opset17.onnx new file mode 100644 index 000000000..e1e67b6e8 --- /dev/null +++ b/Computer_Vision/convnext_small_in22k_Opset17_timm/convnext_small_in22k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a0bf8c7d95399c920339d44dbde5208fe868c4d6e5d6e33901906588a54bc85 +size 265153167 diff --git a/Computer_Vision/convnext_small_in22k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convnext_small_in22k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c01b078f7 --- /dev/null +++ b/Computer_Vision/convnext_small_in22k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.519489049911499 + set_success: 0.02891826629638672 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_small_in22k_timm_c75c41dc/onnx/convnext_small_in22k_timm_c75c41dc-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_small_in22k.py +class: ConvNeXt +hash: 14d6a854 +model_name: convnext_small_in22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 258938.6719 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 66250417 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_small_in22k_Opset18_timm/convnext_small_in22k_Opset18.onnx b/Computer_Vision/convnext_small_in22k_Opset18_timm/convnext_small_in22k_Opset18.onnx new file mode 100644 index 000000000..74c037b91 --- /dev/null +++ b/Computer_Vision/convnext_small_in22k_Opset18_timm/convnext_small_in22k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e886d8092d1de6824afa8b23e91bed647e89cece80eb5deae67e149230405ebe +size 265153167 diff --git a/Computer_Vision/convnext_small_in22k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convnext_small_in22k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..155fb5d03 --- /dev/null +++ b/Computer_Vision/convnext_small_in22k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.445088863372803 + set_success: 0.02100825309753418 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_small_in22k_timm_c75c41dc/onnx/convnext_small_in22k_timm_c75c41dc-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_small_in22k.py +class: ConvNeXt +hash: 14d6a854 +model_name: convnext_small_in22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 258938.6719 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 66250417 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_tiny_384_in22ft1k_Opset16_timm/convnext_tiny_384_in22ft1k_Opset16.onnx b/Computer_Vision/convnext_tiny_384_in22ft1k_Opset16_timm/convnext_tiny_384_in22ft1k_Opset16.onnx new file mode 100644 index 000000000..369464dc4 --- /dev/null +++ b/Computer_Vision/convnext_tiny_384_in22ft1k_Opset16_timm/convnext_tiny_384_in22ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d19209ca4bce96f638c1579d2ee3b73ae83926935ea512923de72c0f99db024 +size 114473415 diff --git a/Computer_Vision/convnext_tiny_384_in22ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convnext_tiny_384_in22ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0109dfc87 --- /dev/null +++ b/Computer_Vision/convnext_tiny_384_in22ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.200971841812134 + set_success: 0.019813060760498047 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_tiny_384_in22ft1k_timm_0670d3b7/onnx/convnext_tiny_384_in22ft1k_timm_0670d3b7-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_tiny_384_in22ft1k.py +class: ConvNeXt +hash: 9606cb68 +model_name: convnext_tiny_384_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 111790.4766 +onnx_ops_counter: + Add: 118 + Constant: 100 + Conv: 22 + Div: 41 + Erf: 18 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 36 + Mul: 77 + Pow: 23 + ReduceMean: 46 + Sqrt: 23 + Sub: 23 + Transpose: 46 +parameters: 28589128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_tiny_384_in22ft1k_Opset17_timm/convnext_tiny_384_in22ft1k_Opset17.onnx b/Computer_Vision/convnext_tiny_384_in22ft1k_Opset17_timm/convnext_tiny_384_in22ft1k_Opset17.onnx new file mode 100644 index 000000000..5bb9ab84b --- /dev/null +++ b/Computer_Vision/convnext_tiny_384_in22ft1k_Opset17_timm/convnext_tiny_384_in22ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e6712737d261e405cb789479c589ede604773b020555ba8bb111732c706706a +size 114434309 diff --git a/Computer_Vision/convnext_tiny_384_in22ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convnext_tiny_384_in22ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..28ff40188 --- /dev/null +++ b/Computer_Vision/convnext_tiny_384_in22ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.039879322052002 + set_success: 0.018327951431274414 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_tiny_384_in22ft1k_timm_0670d3b7/onnx/convnext_tiny_384_in22ft1k_timm_0670d3b7-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_tiny_384_in22ft1k.py +class: ConvNeXt +hash: 9606cb68 +model_name: convnext_tiny_384_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 111752.2871 +onnx_ops_counter: + Add: 72 + Constant: 54 + Conv: 22 + Div: 18 + Erf: 18 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 23 + MatMul: 36 + Mul: 54 + Transpose: 46 +parameters: 28589128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_tiny_384_in22ft1k_Opset18_timm/convnext_tiny_384_in22ft1k_Opset18.onnx b/Computer_Vision/convnext_tiny_384_in22ft1k_Opset18_timm/convnext_tiny_384_in22ft1k_Opset18.onnx new file mode 100644 index 000000000..b3cfd722d --- /dev/null +++ b/Computer_Vision/convnext_tiny_384_in22ft1k_Opset18_timm/convnext_tiny_384_in22ft1k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d29594a30a578aae3eb746b7b2b4e00d2c2d17f74a37388fd74710dbda5e2f7f +size 114434309 diff --git a/Computer_Vision/convnext_tiny_384_in22ft1k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convnext_tiny_384_in22ft1k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bfc299d5c --- /dev/null +++ b/Computer_Vision/convnext_tiny_384_in22ft1k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.200396299362183 + set_success: 0.27518630027770996 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_tiny_384_in22ft1k_timm_0670d3b7/onnx/convnext_tiny_384_in22ft1k_timm_0670d3b7-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_tiny_384_in22ft1k.py +class: ConvNeXt +hash: 9606cb68 +model_name: convnext_tiny_384_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 111752.2871 +onnx_ops_counter: + Add: 72 + Constant: 54 + Conv: 22 + Div: 18 + Erf: 18 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 23 + MatMul: 36 + Mul: 54 + Transpose: 46 +parameters: 28589128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_tiny_Opset16_timm/convnext_tiny_Opset16.onnx b/Computer_Vision/convnext_tiny_Opset16_timm/convnext_tiny_Opset16.onnx new file mode 100644 index 000000000..11aea2cdd --- /dev/null +++ b/Computer_Vision/convnext_tiny_Opset16_timm/convnext_tiny_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:645b2ceaa5229503b099375624e2bdeed8b635b95ee716bc05ec38662382663c +size 114473415 diff --git a/Computer_Vision/convnext_tiny_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convnext_tiny_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c39ca9c15 --- /dev/null +++ b/Computer_Vision/convnext_tiny_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.103930950164795 + set_success: 0.017019271850585938 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_tiny_timm_b90512ea/onnx/convnext_tiny_timm_b90512ea-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_tiny.py +class: ConvNeXt +hash: 9606cb68 +model_name: convnext_tiny +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 111790.4766 +onnx_ops_counter: + Add: 118 + Constant: 100 + Conv: 22 + Div: 41 + Erf: 18 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 36 + Mul: 77 + Pow: 23 + ReduceMean: 46 + Sqrt: 23 + Sub: 23 + Transpose: 46 +parameters: 28589128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_tiny_Opset16_torch_hub/convnext_tiny_Opset16.onnx b/Computer_Vision/convnext_tiny_Opset16_torch_hub/convnext_tiny_Opset16.onnx new file mode 100644 index 000000000..99b6fa4d7 --- /dev/null +++ b/Computer_Vision/convnext_tiny_Opset16_torch_hub/convnext_tiny_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8ac1392b77871bd23adff725b063c2107b80dc5529933c10c1536c001d45bdd +size 114486443 diff --git a/Computer_Vision/convnext_tiny_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/convnext_tiny_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..74016a798 --- /dev/null +++ b/Computer_Vision/convnext_tiny_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.008648633956909 + set_success: 0.018635272979736328 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_tiny_torch_hub_8d7e89e1/onnx/convnext_tiny_torch_hub_8d7e89e1-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/convnext_tiny.py +class: ConvNeXt +hash: 4f884eed +model_name: convnext_tiny +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 111803.1992 +onnx_ops_counter: + Add: 118 + Constant: 100 + Conv: 22 + Div: 41 + Erf: 18 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 36 + Mul: 77 + Pow: 23 + ReduceMean: 46 + Sqrt: 23 + Sub: 23 + Transpose: 46 +parameters: 28589128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_tiny_Opset17_timm/convnext_tiny_Opset17.onnx b/Computer_Vision/convnext_tiny_Opset17_timm/convnext_tiny_Opset17.onnx new file mode 100644 index 000000000..d2c17d8c6 --- /dev/null +++ b/Computer_Vision/convnext_tiny_Opset17_timm/convnext_tiny_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6736e3ec9d37f6fc1e47aca78ac6f67a922909708ffe5a2428574f8d60a4b4bb +size 114434309 diff --git a/Computer_Vision/convnext_tiny_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convnext_tiny_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..81336d5b7 --- /dev/null +++ b/Computer_Vision/convnext_tiny_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8700151443481445 + set_success: 0.018114566802978516 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_tiny_timm_b90512ea/onnx/convnext_tiny_timm_b90512ea-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_tiny.py +class: ConvNeXt +hash: 9606cb68 +model_name: convnext_tiny +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 111752.2871 +onnx_ops_counter: + Add: 72 + Constant: 54 + Conv: 22 + Div: 18 + Erf: 18 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 23 + MatMul: 36 + Mul: 54 + Transpose: 46 +parameters: 28589128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_tiny_Opset17_torch_hub/convnext_tiny_Opset17.onnx b/Computer_Vision/convnext_tiny_Opset17_torch_hub/convnext_tiny_Opset17.onnx new file mode 100644 index 000000000..90f259371 --- /dev/null +++ b/Computer_Vision/convnext_tiny_Opset17_torch_hub/convnext_tiny_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66ce90ae0aaba2d7df6fac5354a26f58fba8a4e4e104d1404491ffdcfddbb8b1 +size 114441019 diff --git a/Computer_Vision/convnext_tiny_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/convnext_tiny_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..4a8e70fdc --- /dev/null +++ b/Computer_Vision/convnext_tiny_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8894016742706299 + set_success: 0.0164029598236084 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_tiny_torch_hub_8d7e89e1/onnx/convnext_tiny_torch_hub_8d7e89e1-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/convnext_tiny.py +class: ConvNeXt +hash: 4f884eed +model_name: convnext_tiny +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 111758.8398 +onnx_ops_counter: + Add: 72 + Constant: 54 + Conv: 22 + Div: 18 + Erf: 18 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 23 + MatMul: 36 + Mul: 54 + Transpose: 46 +parameters: 28589128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_tiny_Opset18_timm/convnext_tiny_Opset18.onnx b/Computer_Vision/convnext_tiny_Opset18_timm/convnext_tiny_Opset18.onnx new file mode 100644 index 000000000..66d292080 --- /dev/null +++ b/Computer_Vision/convnext_tiny_Opset18_timm/convnext_tiny_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b00eacf936a5ba718e41a927b0aea677dd5c6079dd7d446c2f9c2ed4f44e2c5d +size 114434309 diff --git a/Computer_Vision/convnext_tiny_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convnext_tiny_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c27370cfe --- /dev/null +++ b/Computer_Vision/convnext_tiny_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9204769134521484 + set_success: 0.0203702449798584 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_tiny_timm_b90512ea/onnx/convnext_tiny_timm_b90512ea-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_tiny.py +class: ConvNeXt +hash: 9606cb68 +model_name: convnext_tiny +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 111752.2871 +onnx_ops_counter: + Add: 72 + Constant: 54 + Conv: 22 + Div: 18 + Erf: 18 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 23 + MatMul: 36 + Mul: 54 + Transpose: 46 +parameters: 28589128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_tiny_Opset18_torch_hub/convnext_tiny_Opset18.onnx b/Computer_Vision/convnext_tiny_Opset18_torch_hub/convnext_tiny_Opset18.onnx new file mode 100644 index 000000000..952e0eab8 --- /dev/null +++ b/Computer_Vision/convnext_tiny_Opset18_torch_hub/convnext_tiny_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f66051fcee31152c860dcf91e8d3fb07d062b5e2b9e791fabb73f01b0607e24 +size 114441019 diff --git a/Computer_Vision/convnext_tiny_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/convnext_tiny_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..beaf70b27 --- /dev/null +++ b/Computer_Vision/convnext_tiny_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9718379974365234 + set_success: 0.019985675811767578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_tiny_torch_hub_8d7e89e1/onnx/convnext_tiny_torch_hub_8d7e89e1-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/convnext_tiny.py +class: ConvNeXt +hash: 4f884eed +model_name: convnext_tiny +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 111758.8398 +onnx_ops_counter: + Add: 72 + Constant: 54 + Conv: 22 + Div: 18 + Erf: 18 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 23 + MatMul: 36 + Mul: 54 + Transpose: 46 +parameters: 28589128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_tiny_hnf_Opset16_timm/convnext_tiny_hnf_Opset16.onnx b/Computer_Vision/convnext_tiny_hnf_Opset16_timm/convnext_tiny_hnf_Opset16.onnx new file mode 100644 index 000000000..9d65bff9b --- /dev/null +++ b/Computer_Vision/convnext_tiny_hnf_Opset16_timm/convnext_tiny_hnf_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33ca4a2730b8975109ba6f56dbd0876c88c8bd84dd1e91c0510cfa0173820afe +size 114472543 diff --git a/Computer_Vision/convnext_tiny_hnf_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convnext_tiny_hnf_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2a6a8cbbf --- /dev/null +++ b/Computer_Vision/convnext_tiny_hnf_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.915710210800171 + set_success: 0.01589035987854004 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_tiny_hnf_timm_aacfd8c0/onnx/convnext_tiny_hnf_timm_aacfd8c0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_tiny_hnf.py +class: ConvNeXt +hash: f8bf4b5c +model_name: convnext_tiny_hnf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 111789.625 +onnx_ops_counter: + Add: 82 + Constant: 100 + Conv: 58 + Div: 41 + Erf: 18 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 77 + Pow: 23 + ReduceMean: 46 + Sqrt: 23 + Sub: 23 + Transpose: 46 +parameters: 28589128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_tiny_hnf_Opset17_timm/convnext_tiny_hnf_Opset17.onnx b/Computer_Vision/convnext_tiny_hnf_Opset17_timm/convnext_tiny_hnf_Opset17.onnx new file mode 100644 index 000000000..0f1af84a6 --- /dev/null +++ b/Computer_Vision/convnext_tiny_hnf_Opset17_timm/convnext_tiny_hnf_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f070218e9ddb79faf1577de37cdf32385ab180bd3b2e2f00c9a8e0cd138ed18a +size 114433379 diff --git a/Computer_Vision/convnext_tiny_hnf_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convnext_tiny_hnf_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..396e3944a --- /dev/null +++ b/Computer_Vision/convnext_tiny_hnf_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.806424856185913 + set_success: 0.01780104637145996 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_tiny_hnf_timm_aacfd8c0/onnx/convnext_tiny_hnf_timm_aacfd8c0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_tiny_hnf.py +class: ConvNeXt +hash: f8bf4b5c +model_name: convnext_tiny_hnf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 111751.3789 +onnx_ops_counter: + Add: 36 + Constant: 54 + Conv: 58 + Div: 18 + Erf: 18 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 23 + Mul: 54 + Transpose: 46 +parameters: 28589128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_tiny_hnf_Opset18_timm/convnext_tiny_hnf_Opset18.onnx b/Computer_Vision/convnext_tiny_hnf_Opset18_timm/convnext_tiny_hnf_Opset18.onnx new file mode 100644 index 000000000..033c84065 --- /dev/null +++ b/Computer_Vision/convnext_tiny_hnf_Opset18_timm/convnext_tiny_hnf_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da8643353a321f9713093382540f7788daa0c0498065770f6e841382c6db250f +size 114433379 diff --git a/Computer_Vision/convnext_tiny_hnf_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convnext_tiny_hnf_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..dfc9ef60d --- /dev/null +++ b/Computer_Vision/convnext_tiny_hnf_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8223645687103271 + set_success: 0.017644166946411133 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_tiny_hnf_timm_aacfd8c0/onnx/convnext_tiny_hnf_timm_aacfd8c0-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_tiny_hnf.py +class: ConvNeXt +hash: f8bf4b5c +model_name: convnext_tiny_hnf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 111751.3789 +onnx_ops_counter: + Add: 36 + Constant: 54 + Conv: 58 + Div: 18 + Erf: 18 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 23 + Mul: 54 + Transpose: 46 +parameters: 28589128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_tiny_in22ft1k_Opset16_timm/convnext_tiny_in22ft1k_Opset16.onnx b/Computer_Vision/convnext_tiny_in22ft1k_Opset16_timm/convnext_tiny_in22ft1k_Opset16.onnx new file mode 100644 index 000000000..defc7091f --- /dev/null +++ b/Computer_Vision/convnext_tiny_in22ft1k_Opset16_timm/convnext_tiny_in22ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b1a89e3f8b631bd190f4c787d826c85e496f7c537e451f61b2adef2a6ef617a2 +size 114473415 diff --git a/Computer_Vision/convnext_tiny_in22ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convnext_tiny_in22ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a98baa9fa --- /dev/null +++ b/Computer_Vision/convnext_tiny_in22ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.600207805633545 + set_success: 0.023495197296142578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_tiny_in22ft1k_timm_b90512ea/onnx/convnext_tiny_in22ft1k_timm_b90512ea-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_tiny_in22ft1k.py +class: ConvNeXt +hash: 9606cb68 +model_name: convnext_tiny_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 111790.4766 +onnx_ops_counter: + Add: 118 + Constant: 100 + Conv: 22 + Div: 41 + Erf: 18 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 36 + Mul: 77 + Pow: 23 + ReduceMean: 46 + Sqrt: 23 + Sub: 23 + Transpose: 46 +parameters: 28589128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_tiny_in22ft1k_Opset17_timm/convnext_tiny_in22ft1k_Opset17.onnx b/Computer_Vision/convnext_tiny_in22ft1k_Opset17_timm/convnext_tiny_in22ft1k_Opset17.onnx new file mode 100644 index 000000000..2ee72c804 --- /dev/null +++ b/Computer_Vision/convnext_tiny_in22ft1k_Opset17_timm/convnext_tiny_in22ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d11e7f119644d14484acb73a961d93183ef3f35d827dea71228dcdce1f30d246 +size 114434309 diff --git a/Computer_Vision/convnext_tiny_in22ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convnext_tiny_in22ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cb7b2cdca --- /dev/null +++ b/Computer_Vision/convnext_tiny_in22ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.1424410343170166 + set_success: 0.01950860023498535 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_tiny_in22ft1k_timm_b90512ea/onnx/convnext_tiny_in22ft1k_timm_b90512ea-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_tiny_in22ft1k.py +class: ConvNeXt +hash: 9606cb68 +model_name: convnext_tiny_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 111752.2871 +onnx_ops_counter: + Add: 72 + Constant: 54 + Conv: 22 + Div: 18 + Erf: 18 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 23 + MatMul: 36 + Mul: 54 + Transpose: 46 +parameters: 28589128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_tiny_in22ft1k_Opset18_timm/convnext_tiny_in22ft1k_Opset18.onnx b/Computer_Vision/convnext_tiny_in22ft1k_Opset18_timm/convnext_tiny_in22ft1k_Opset18.onnx new file mode 100644 index 000000000..94d79b64f --- /dev/null +++ b/Computer_Vision/convnext_tiny_in22ft1k_Opset18_timm/convnext_tiny_in22ft1k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2514624e4450d1f01df74dbc2c8eb2c5a908e3ed6a1259be8d4ab9c65f9bec9f +size 114434309 diff --git a/Computer_Vision/convnext_tiny_in22ft1k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convnext_tiny_in22ft1k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..406779813 --- /dev/null +++ b/Computer_Vision/convnext_tiny_in22ft1k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9146661758422852 + set_success: 0.020290851593017578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_tiny_in22ft1k_timm_b90512ea/onnx/convnext_tiny_in22ft1k_timm_b90512ea-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_tiny_in22ft1k.py +class: ConvNeXt +hash: 9606cb68 +model_name: convnext_tiny_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 111752.2871 +onnx_ops_counter: + Add: 72 + Constant: 54 + Conv: 22 + Div: 18 + Erf: 18 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 23 + MatMul: 36 + Mul: 54 + Transpose: 46 +parameters: 28589128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_tiny_in22k_Opset16_timm/convnext_tiny_in22k_Opset16.onnx b/Computer_Vision/convnext_tiny_in22k_Opset16_timm/convnext_tiny_in22k_Opset16.onnx new file mode 100644 index 000000000..909d7856f --- /dev/null +++ b/Computer_Vision/convnext_tiny_in22k_Opset16_timm/convnext_tiny_in22k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e7bf4733b72ee6a9a5161a98c3bf0bace5ee6eb47dc4873e670334fc5c50047 +size 178580336 diff --git a/Computer_Vision/convnext_tiny_in22k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convnext_tiny_in22k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..db7df5843 --- /dev/null +++ b/Computer_Vision/convnext_tiny_in22k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.5857412815093994 + set_success: 0.01718926429748535 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_tiny_in22k_timm_b61cfd43/onnx/convnext_tiny_in22k_timm_b61cfd43-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_tiny_in22k.py +class: ConvNeXt +hash: a8df53d7 +model_name: convnext_tiny_in22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 174394.8916 +onnx_ops_counter: + Add: 118 + Constant: 100 + Conv: 22 + Div: 41 + Erf: 18 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 36 + Mul: 77 + Pow: 23 + ReduceMean: 46 + Sqrt: 23 + Sub: 23 + Transpose: 46 +parameters: 44615857 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_tiny_in22k_Opset17_timm/convnext_tiny_in22k_Opset17.onnx b/Computer_Vision/convnext_tiny_in22k_Opset17_timm/convnext_tiny_in22k_Opset17.onnx new file mode 100644 index 000000000..dfa819eeb --- /dev/null +++ b/Computer_Vision/convnext_tiny_in22k_Opset17_timm/convnext_tiny_in22k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1af22eb5e694d493b80d7fcc41c71c7ad21f8e0e73bf351acee3138479babf74 +size 178541230 diff --git a/Computer_Vision/convnext_tiny_in22k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convnext_tiny_in22k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6454514e4 --- /dev/null +++ b/Computer_Vision/convnext_tiny_in22k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.4476215839385986 + set_success: 0.01698589324951172 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_tiny_in22k_timm_b61cfd43/onnx/convnext_tiny_in22k_timm_b61cfd43-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_tiny_in22k.py +class: ConvNeXt +hash: a8df53d7 +model_name: convnext_tiny_in22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 174356.7021 +onnx_ops_counter: + Add: 72 + Constant: 54 + Conv: 22 + Div: 18 + Erf: 18 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 23 + MatMul: 36 + Mul: 54 + Transpose: 46 +parameters: 44615857 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_tiny_in22k_Opset18_timm/convnext_tiny_in22k_Opset18.onnx b/Computer_Vision/convnext_tiny_in22k_Opset18_timm/convnext_tiny_in22k_Opset18.onnx new file mode 100644 index 000000000..fbcbd8d60 --- /dev/null +++ b/Computer_Vision/convnext_tiny_in22k_Opset18_timm/convnext_tiny_in22k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f0712e7c164dd123f5740c4dfa340143b61a11d88fe29bdda3f2c8b64b2ba34d +size 178541230 diff --git a/Computer_Vision/convnext_tiny_in22k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convnext_tiny_in22k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..27872d321 --- /dev/null +++ b/Computer_Vision/convnext_tiny_in22k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.487643241882324 + set_success: 0.01889777183532715 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_tiny_in22k_timm_b61cfd43/onnx/convnext_tiny_in22k_timm_b61cfd43-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_tiny_in22k.py +class: ConvNeXt +hash: a8df53d7 +model_name: convnext_tiny_in22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 174356.7021 +onnx_ops_counter: + Add: 72 + Constant: 54 + Conv: 22 + Div: 18 + Erf: 18 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 23 + MatMul: 36 + Mul: 54 + Transpose: 46 +parameters: 44615857 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_xlarge_384_in22ft1k_Opset16_timm/convnext_xlarge_384_in22ft1k_Opset16.onnx b/Computer_Vision/convnext_xlarge_384_in22ft1k_Opset16_timm/convnext_xlarge_384_in22ft1k_Opset16.onnx new file mode 100644 index 000000000..e5567dfd0 --- /dev/null +++ b/Computer_Vision/convnext_xlarge_384_in22ft1k_Opset16_timm/convnext_xlarge_384_in22ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c15249b36dd77278ff4053916e45e9a8331fe27ff0eb7f94c5b4343a7efeedf2 +size 1401010807 diff --git a/Computer_Vision/convnext_xlarge_384_in22ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convnext_xlarge_384_in22ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..946275e0e --- /dev/null +++ b/Computer_Vision/convnext_xlarge_384_in22ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.70239782333374 + set_success: 1.6420855522155762 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_xlarge_384_in22ft1k_timm_0bbf1469/onnx/convnext_xlarge_384_in22ft1k_timm_0bbf1469-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_xlarge_384_in22ft1k.py +class: ConvNeXt +hash: 1db5dd43 +model_name: convnext_xlarge_384_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1368174.6484 +onnx_ops_counter: + Add: 226 + Constant: 190 + Conv: 40 + Div: 77 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 72 + Mul: 149 + Pow: 41 + ReduceMean: 82 + Sqrt: 41 + Sub: 41 + Transpose: 82 +parameters: 350196968 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_xlarge_384_in22ft1k_Opset17_timm/convnext_xlarge_384_in22ft1k_Opset17.onnx b/Computer_Vision/convnext_xlarge_384_in22ft1k_Opset17_timm/convnext_xlarge_384_in22ft1k_Opset17.onnx new file mode 100644 index 000000000..37316a5fc --- /dev/null +++ b/Computer_Vision/convnext_xlarge_384_in22ft1k_Opset17_timm/convnext_xlarge_384_in22ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:93aa9a70ebc8b4ca73f6ce7d4da3755dfa8713187b5eb7dc80e1b799286f997c +size 1400939477 diff --git a/Computer_Vision/convnext_xlarge_384_in22ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convnext_xlarge_384_in22ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..63fa5e449 --- /dev/null +++ b/Computer_Vision/convnext_xlarge_384_in22ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 28.55594491958618 + set_success: 0.5963633060455322 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_xlarge_384_in22ft1k_timm_0bbf1469/onnx/convnext_xlarge_384_in22ft1k_timm_0bbf1469-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_xlarge_384_in22ft1k.py +class: ConvNeXt +hash: 1db5dd43 +model_name: convnext_xlarge_384_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1368104.9902 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 350196968 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_xlarge_384_in22ft1k_Opset18_timm/convnext_xlarge_384_in22ft1k_Opset18.onnx b/Computer_Vision/convnext_xlarge_384_in22ft1k_Opset18_timm/convnext_xlarge_384_in22ft1k_Opset18.onnx new file mode 100644 index 000000000..ffc6d7f96 --- /dev/null +++ b/Computer_Vision/convnext_xlarge_384_in22ft1k_Opset18_timm/convnext_xlarge_384_in22ft1k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77ad3e70ef83d831960b4344b39f692cf4334f6c215d3235ef554f817ab7c296 +size 1400939477 diff --git a/Computer_Vision/convnext_xlarge_384_in22ft1k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convnext_xlarge_384_in22ft1k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..acaefb831 --- /dev/null +++ b/Computer_Vision/convnext_xlarge_384_in22ft1k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.17989206314087 + set_success: 0.027330875396728516 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_xlarge_384_in22ft1k_timm_0bbf1469/onnx/convnext_xlarge_384_in22ft1k_timm_0bbf1469-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_xlarge_384_in22ft1k.py +class: ConvNeXt +hash: 1db5dd43 +model_name: convnext_xlarge_384_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1368104.9902 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 350196968 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_xlarge_in22ft1k_Opset16_timm/convnext_xlarge_in22ft1k_Opset16.onnx b/Computer_Vision/convnext_xlarge_in22ft1k_Opset16_timm/convnext_xlarge_in22ft1k_Opset16.onnx new file mode 100644 index 000000000..905b9ce1f --- /dev/null +++ b/Computer_Vision/convnext_xlarge_in22ft1k_Opset16_timm/convnext_xlarge_in22ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:343ed71a608ad51867cd68accbd4e9d9cd4cc5df018c0aebe2f998bde171a48c +size 1401010807 diff --git a/Computer_Vision/convnext_xlarge_in22ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convnext_xlarge_in22ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a20d91767 --- /dev/null +++ b/Computer_Vision/convnext_xlarge_in22ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 18.030261754989624 + set_success: 0.02858424186706543 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_xlarge_in22ft1k_timm_9bb1bf93/onnx/convnext_xlarge_in22ft1k_timm_9bb1bf93-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_xlarge_in22ft1k.py +class: ConvNeXt +hash: 1db5dd43 +model_name: convnext_xlarge_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1368174.6484 +onnx_ops_counter: + Add: 226 + Constant: 190 + Conv: 40 + Div: 77 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 72 + Mul: 149 + Pow: 41 + ReduceMean: 82 + Sqrt: 41 + Sub: 41 + Transpose: 82 +parameters: 350196968 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_xlarge_in22ft1k_Opset17_timm/convnext_xlarge_in22ft1k_Opset17.onnx b/Computer_Vision/convnext_xlarge_in22ft1k_Opset17_timm/convnext_xlarge_in22ft1k_Opset17.onnx new file mode 100644 index 000000000..52e55cf6d --- /dev/null +++ b/Computer_Vision/convnext_xlarge_in22ft1k_Opset17_timm/convnext_xlarge_in22ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8629a418515e5a7ca4f4ba046fc788bba4a6b30759ae942618cb2f6e27c52fc4 +size 1400939477 diff --git a/Computer_Vision/convnext_xlarge_in22ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convnext_xlarge_in22ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4f95d84b2 --- /dev/null +++ b/Computer_Vision/convnext_xlarge_in22ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 27.750583171844482 + set_success: 2.9822349548339844 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_xlarge_in22ft1k_timm_9bb1bf93/onnx/convnext_xlarge_in22ft1k_timm_9bb1bf93-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_xlarge_in22ft1k.py +class: ConvNeXt +hash: 1db5dd43 +model_name: convnext_xlarge_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1368104.9902 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 350196968 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_xlarge_in22ft1k_Opset18_timm/convnext_xlarge_in22ft1k_Opset18.onnx b/Computer_Vision/convnext_xlarge_in22ft1k_Opset18_timm/convnext_xlarge_in22ft1k_Opset18.onnx new file mode 100644 index 000000000..047ad25e3 --- /dev/null +++ b/Computer_Vision/convnext_xlarge_in22ft1k_Opset18_timm/convnext_xlarge_in22ft1k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50280eba981e4ffba442c7f48e4ab3f15d29a19433677e2a8fd56819d074c034 +size 1400939477 diff --git a/Computer_Vision/convnext_xlarge_in22ft1k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convnext_xlarge_in22ft1k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..296c8591b --- /dev/null +++ b/Computer_Vision/convnext_xlarge_in22ft1k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 18.261279821395874 + set_success: 1.6044299602508545 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_xlarge_in22ft1k_timm_9bb1bf93/onnx/convnext_xlarge_in22ft1k_timm_9bb1bf93-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_xlarge_in22ft1k.py +class: ConvNeXt +hash: 1db5dd43 +model_name: convnext_xlarge_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1368104.9902 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 350196968 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_xlarge_in22k_Opset16_timm/convnext_xlarge_in22k_Opset16.onnx b/Computer_Vision/convnext_xlarge_in22k_Opset16_timm/convnext_xlarge_in22k_Opset16.onnx new file mode 100644 index 000000000..310a53ec3 --- /dev/null +++ b/Computer_Vision/convnext_xlarge_in22k_Opset16_timm/convnext_xlarge_in22k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0dccab65b9bc30bd8cc64716ace0f6b594a2398b2551004a35dc608240ab1688 +size 1571823648 diff --git a/Computer_Vision/convnext_xlarge_in22k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/convnext_xlarge_in22k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a9821cec5 --- /dev/null +++ b/Computer_Vision/convnext_xlarge_in22k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 21.69988226890564 + set_success: 3.65838623046875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_xlarge_in22k_timm_1cf575ec/onnx/convnext_xlarge_in22k_timm_1cf575ec-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_xlarge_in22k.py +class: ConvNeXt +hash: 8bcb7f17 +model_name: convnext_xlarge_in22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1534984.0635 +onnx_ops_counter: + Add: 226 + Constant: 190 + Conv: 40 + Div: 77 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 72 + Mul: 149 + Pow: 41 + ReduceMean: 82 + Sqrt: 41 + Sub: 41 + Transpose: 82 +parameters: 392900177 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_xlarge_in22k_Opset17_timm/convnext_xlarge_in22k_Opset17.onnx b/Computer_Vision/convnext_xlarge_in22k_Opset17_timm/convnext_xlarge_in22k_Opset17.onnx new file mode 100644 index 000000000..5d3448950 --- /dev/null +++ b/Computer_Vision/convnext_xlarge_in22k_Opset17_timm/convnext_xlarge_in22k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ac7c2a9dce98eeb13fa7e1345706f89adba7afd61c9e742a5b348dd130ca7ec +size 1571752318 diff --git a/Computer_Vision/convnext_xlarge_in22k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/convnext_xlarge_in22k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3bca6826b --- /dev/null +++ b/Computer_Vision/convnext_xlarge_in22k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.383697986602783 + set_success: 0.023662567138671875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_xlarge_in22k_timm_1cf575ec/onnx/convnext_xlarge_in22k_timm_1cf575ec-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_xlarge_in22k.py +class: ConvNeXt +hash: 8bcb7f17 +model_name: convnext_xlarge_in22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1534914.4053 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 392900177 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/convnext_xlarge_in22k_Opset18_timm/convnext_xlarge_in22k_Opset18.onnx b/Computer_Vision/convnext_xlarge_in22k_Opset18_timm/convnext_xlarge_in22k_Opset18.onnx new file mode 100644 index 000000000..509e04ce6 --- /dev/null +++ b/Computer_Vision/convnext_xlarge_in22k_Opset18_timm/convnext_xlarge_in22k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb0a8bbb3e464c3beb546fa8a0ea19ba4bb37a1a0580c0f7e214ed41d7d5b331 +size 1571752318 diff --git a/Computer_Vision/convnext_xlarge_in22k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/convnext_xlarge_in22k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d469e3305 --- /dev/null +++ b/Computer_Vision/convnext_xlarge_in22k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 22.49590492248535 + set_success: 1.637645959854126 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convnext_xlarge_in22k_timm_1cf575ec/onnx/convnext_xlarge_in22k_timm_1cf575ec-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/convnext_xlarge_in22k.py +class: ConvNeXt +hash: 8bcb7f17 +model_name: convnext_xlarge_in22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1534914.4053 +onnx_ops_counter: + Add: 144 + Constant: 108 + Conv: 40 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 41 + MatMul: 72 + Mul: 108 + Transpose: 82 +parameters: 392900177 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/crossvit_15_240_Opset16_timm/crossvit_15_240_Opset16.onnx b/Computer_Vision/crossvit_15_240_Opset16_timm/crossvit_15_240_Opset16.onnx new file mode 100644 index 000000000..13d7bf195 --- /dev/null +++ b/Computer_Vision/crossvit_15_240_Opset16_timm/crossvit_15_240_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec95085844a414a25475936e5bd906a870d433e4ccf75d544ea532caa04ea659 +size 110464721 diff --git a/Computer_Vision/crossvit_15_240_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/crossvit_15_240_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5c243bb9d --- /dev/null +++ b/Computer_Vision/crossvit_15_240_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.3031251430511475 + set_success: 0.018042802810668945 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/crossvit_15_240_timm_698ef198/onnx/crossvit_15_240_timm_698ef198-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/crossvit_15_240.py +class: CrossVit +hash: fba63b17 +model_name: crossvit_15_240 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 107875.7363 +onnx_ops_counter: + Add: 294 + Cast: 18 + Concat: 18 + Constant: 535 + ConstantOfShape: 2 + Conv: 2 + Div: 104 + Equal: 2 + Erf: 30 + Expand: 2 + Gather: 2 + Gemm: 2 + Identity: 1 + MatMul: 156 + Mul: 160 + Pow: 56 + ReduceMean: 113 + Reshape: 62 + Resize: 1 + Shape: 21 + Slice: 51 + Softmax: 24 + Split: 18 + Sqrt: 110 + Squeeze: 54 + Sub: 56 + Transpose: 80 + Unsqueeze: 2 + Where: 2 +parameters: 27528464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/crossvit_15_240_Opset17_timm/crossvit_15_240_Opset17.onnx b/Computer_Vision/crossvit_15_240_Opset17_timm/crossvit_15_240_Opset17.onnx new file mode 100644 index 000000000..87726966b --- /dev/null +++ b/Computer_Vision/crossvit_15_240_Opset17_timm/crossvit_15_240_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d1c99df198106903daedeaccd0072404b9e8c8ba6c25b73c0ca5103d277df75a +size 110375077 diff --git a/Computer_Vision/crossvit_15_240_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/crossvit_15_240_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e8e8867f6 --- /dev/null +++ b/Computer_Vision/crossvit_15_240_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.084007501602173 + set_success: 0.021225929260253906 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/crossvit_15_240_timm_698ef198/onnx/crossvit_15_240_timm_698ef198-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/crossvit_15_240.py +class: CrossVit +hash: fba63b17 +model_name: crossvit_15_240 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 107788.1934 +onnx_ops_counter: + Add: 182 + Cast: 18 + Concat: 18 + Constant: 423 + ConstantOfShape: 2 + Conv: 2 + Div: 48 + Equal: 2 + Erf: 30 + Expand: 2 + Gather: 2 + Gemm: 2 + Identity: 1 + LayerNormalization: 56 + MatMul: 156 + Mul: 104 + ReduceMean: 1 + Reshape: 62 + Resize: 1 + Shape: 21 + Slice: 51 + Softmax: 24 + Split: 18 + Sqrt: 54 + Squeeze: 54 + Transpose: 80 + Unsqueeze: 2 + Where: 2 +parameters: 27528464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/crossvit_15_dagger_240_Opset16_timm/crossvit_15_dagger_240_Opset16.onnx b/Computer_Vision/crossvit_15_dagger_240_Opset16_timm/crossvit_15_dagger_240_Opset16.onnx new file mode 100644 index 000000000..165bdb675 --- /dev/null +++ b/Computer_Vision/crossvit_15_dagger_240_Opset16_timm/crossvit_15_dagger_240_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e7d1b2908bb2ad64d655e5bd68d1ce44e101c10c35dc01211b52efced6330d73 +size 113188914 diff --git a/Computer_Vision/crossvit_15_dagger_240_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/crossvit_15_dagger_240_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0501687f7 --- /dev/null +++ b/Computer_Vision/crossvit_15_dagger_240_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,223 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.530026912689209 + set_success: 0.01766037940979004 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/crossvit_15_dagger_240_timm_182f41f6/onnx/crossvit_15_dagger_240_timm_182f41f6-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/crossvit_15_dagger_240.py +class: CrossVit +hash: f930b01e +model_name: crossvit_15_dagger_240 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 110536.0811 +onnx_ops_counter: + Add: 294 + Cast: 18 + Concat: 18 + Constant: 535 + ConstantOfShape: 2 + Conv: 6 + Div: 104 + Equal: 2 + Erf: 30 + Expand: 2 + Gather: 2 + Gemm: 2 + Identity: 1 + MatMul: 156 + Mul: 160 + Pow: 56 + ReduceMean: 113 + Relu: 4 + Reshape: 62 + Resize: 1 + Shape: 21 + Slice: 51 + Softmax: 24 + Split: 18 + Sqrt: 110 + Squeeze: 54 + Sub: 56 + Transpose: 80 + Unsqueeze: 2 + Where: 2 +parameters: 28209008 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/crossvit_15_dagger_240_Opset17_timm/crossvit_15_dagger_240_Opset17.onnx b/Computer_Vision/crossvit_15_dagger_240_Opset17_timm/crossvit_15_dagger_240_Opset17.onnx new file mode 100644 index 000000000..32c14df8a --- /dev/null +++ b/Computer_Vision/crossvit_15_dagger_240_Opset17_timm/crossvit_15_dagger_240_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e755c39970b025b8d5401d5ab98bbb8a20cfd3fdf08786c6c91533ce3e7a9275 +size 113099270 diff --git a/Computer_Vision/crossvit_15_dagger_240_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/crossvit_15_dagger_240_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e6e6b667e --- /dev/null +++ b/Computer_Vision/crossvit_15_dagger_240_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.758833408355713 + set_success: 0.017553091049194336 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/crossvit_15_dagger_240_timm_182f41f6/onnx/crossvit_15_dagger_240_timm_182f41f6-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/crossvit_15_dagger_240.py +class: CrossVit +hash: f930b01e +model_name: crossvit_15_dagger_240 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 110448.5381 +onnx_ops_counter: + Add: 182 + Cast: 18 + Concat: 18 + Constant: 423 + ConstantOfShape: 2 + Conv: 6 + Div: 48 + Equal: 2 + Erf: 30 + Expand: 2 + Gather: 2 + Gemm: 2 + Identity: 1 + LayerNormalization: 56 + MatMul: 156 + Mul: 104 + ReduceMean: 1 + Relu: 4 + Reshape: 62 + Resize: 1 + Shape: 21 + Slice: 51 + Softmax: 24 + Split: 18 + Sqrt: 54 + Squeeze: 54 + Transpose: 80 + Unsqueeze: 2 + Where: 2 +parameters: 28209008 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/crossvit_15_dagger_408_Opset16_timm/crossvit_15_dagger_408_Opset16.onnx b/Computer_Vision/crossvit_15_dagger_408_Opset16_timm/crossvit_15_dagger_408_Opset16.onnx new file mode 100644 index 000000000..d6d4b3a13 --- /dev/null +++ b/Computer_Vision/crossvit_15_dagger_408_Opset16_timm/crossvit_15_dagger_408_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:43909a526dc9dcd085f3e9e92e676ea93ef4861fd08e10d4b2afafb8fd5f70bd +size 114353202 diff --git a/Computer_Vision/crossvit_15_dagger_408_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/crossvit_15_dagger_408_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..58c50bf03 --- /dev/null +++ b/Computer_Vision/crossvit_15_dagger_408_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,223 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.643837928771973 + set_success: 0.02032637596130371 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/crossvit_15_dagger_408_timm_78031d3a/onnx/crossvit_15_dagger_408_timm_78031d3a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/crossvit_15_dagger_408.py +class: CrossVit +hash: f930b01e +model_name: crossvit_15_dagger_408 +onnx_input_dimensions: + x: + - 1 + - 3 + - 408 + - 408 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 111673.0811 +onnx_ops_counter: + Add: 294 + Cast: 18 + Concat: 18 + Constant: 535 + ConstantOfShape: 2 + Conv: 6 + Div: 104 + Equal: 2 + Erf: 30 + Expand: 2 + Gather: 2 + Gemm: 2 + Identity: 1 + MatMul: 156 + Mul: 160 + Pow: 56 + ReduceMean: 113 + Relu: 4 + Reshape: 62 + Resize: 1 + Shape: 21 + Slice: 51 + Softmax: 24 + Split: 18 + Sqrt: 110 + Squeeze: 54 + Sub: 56 + Transpose: 80 + Unsqueeze: 2 + Where: 2 +parameters: 28500080 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/crossvit_15_dagger_408_Opset17_timm/crossvit_15_dagger_408_Opset17.onnx b/Computer_Vision/crossvit_15_dagger_408_Opset17_timm/crossvit_15_dagger_408_Opset17.onnx new file mode 100644 index 000000000..fd45be406 --- /dev/null +++ b/Computer_Vision/crossvit_15_dagger_408_Opset17_timm/crossvit_15_dagger_408_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee08611a735b4e3712502c5dfaab89fc5aa828816ad079b8879691afd0120235 +size 114263558 diff --git a/Computer_Vision/crossvit_15_dagger_408_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/crossvit_15_dagger_408_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..036ec4f1f --- /dev/null +++ b/Computer_Vision/crossvit_15_dagger_408_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.082486152648926 + set_success: 0.023591995239257812 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/crossvit_15_dagger_408_timm_78031d3a/onnx/crossvit_15_dagger_408_timm_78031d3a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/crossvit_15_dagger_408.py +class: CrossVit +hash: f930b01e +model_name: crossvit_15_dagger_408 +onnx_input_dimensions: + x: + - 1 + - 3 + - 408 + - 408 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 111585.5381 +onnx_ops_counter: + Add: 182 + Cast: 18 + Concat: 18 + Constant: 423 + ConstantOfShape: 2 + Conv: 6 + Div: 48 + Equal: 2 + Erf: 30 + Expand: 2 + Gather: 2 + Gemm: 2 + Identity: 1 + LayerNormalization: 56 + MatMul: 156 + Mul: 104 + ReduceMean: 1 + Relu: 4 + Reshape: 62 + Resize: 1 + Shape: 21 + Slice: 51 + Softmax: 24 + Split: 18 + Sqrt: 54 + Squeeze: 54 + Transpose: 80 + Unsqueeze: 2 + Where: 2 +parameters: 28500080 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/crossvit_18_240_Opset16_timm/crossvit_18_240_Opset16.onnx b/Computer_Vision/crossvit_18_240_Opset16_timm/crossvit_18_240_Opset16.onnx new file mode 100644 index 000000000..16b94801d --- /dev/null +++ b/Computer_Vision/crossvit_18_240_Opset16_timm/crossvit_18_240_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09a63d6239e32866b841349e3ee877a81f14e3048ba13a843bafa6b341c2bf25 +size 173477042 diff --git a/Computer_Vision/crossvit_18_240_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/crossvit_18_240_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f60863ae4 --- /dev/null +++ b/Computer_Vision/crossvit_18_240_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.903860569000244 + set_success: 0.018951416015625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/crossvit_18_240_timm_5163391a/onnx/crossvit_18_240_timm_5163391a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/crossvit_18_240.py +class: CrossVit +hash: 2fcf578c +model_name: crossvit_18_240 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 169411.2061 +onnx_ops_counter: + Add: 327 + Cast: 21 + Concat: 18 + Constant: 583 + ConstantOfShape: 2 + Conv: 2 + Div: 116 + Equal: 2 + Erf: 33 + Expand: 2 + Gather: 2 + Gemm: 2 + Identity: 1 + MatMul: 174 + Mul: 178 + Pow: 62 + ReduceMean: 125 + Reshape: 68 + Resize: 1 + Shape: 24 + Slice: 54 + Softmax: 27 + Split: 21 + Sqrt: 125 + Squeeze: 63 + Sub: 62 + Transpose: 89 + Unsqueeze: 2 + Where: 2 +parameters: 43271408 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/crossvit_18_240_Opset17_timm/crossvit_18_240_Opset17.onnx b/Computer_Vision/crossvit_18_240_Opset17_timm/crossvit_18_240_Opset17.onnx new file mode 100644 index 000000000..604d8b39a --- /dev/null +++ b/Computer_Vision/crossvit_18_240_Opset17_timm/crossvit_18_240_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ab6f546ab3eed6b61cb6fd7988026bbbe68973889a3d0ab4579e84572ae3704 +size 173377258 diff --git a/Computer_Vision/crossvit_18_240_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/crossvit_18_240_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..50cf62491 --- /dev/null +++ b/Computer_Vision/crossvit_18_240_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.090594053268433 + set_success: 0.020426273345947266 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/crossvit_18_240_timm_5163391a/onnx/crossvit_18_240_timm_5163391a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/crossvit_18_240.py +class: CrossVit +hash: 2fcf578c +model_name: crossvit_18_240 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 169313.7607 +onnx_ops_counter: + Add: 203 + Cast: 21 + Concat: 18 + Constant: 459 + ConstantOfShape: 2 + Conv: 2 + Div: 54 + Equal: 2 + Erf: 33 + Expand: 2 + Gather: 2 + Gemm: 2 + Identity: 1 + LayerNormalization: 62 + MatMul: 174 + Mul: 116 + ReduceMean: 1 + Reshape: 68 + Resize: 1 + Shape: 24 + Slice: 54 + Softmax: 27 + Split: 21 + Sqrt: 63 + Squeeze: 63 + Transpose: 89 + Unsqueeze: 2 + Where: 2 +parameters: 43271408 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/crossvit_18_dagger_240_Opset16_timm/crossvit_18_dagger_240_Opset16.onnx b/Computer_Vision/crossvit_18_dagger_240_Opset16_timm/crossvit_18_dagger_240_Opset16.onnx new file mode 100644 index 000000000..c4cc87d45 --- /dev/null +++ b/Computer_Vision/crossvit_18_dagger_240_Opset16_timm/crossvit_18_dagger_240_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a6814461f0e74a788e17cf79dbd8bf30d731feacabcb1ef5301d34c0bc216ad +size 177465305 diff --git a/Computer_Vision/crossvit_18_dagger_240_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/crossvit_18_dagger_240_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..012c8e320 --- /dev/null +++ b/Computer_Vision/crossvit_18_dagger_240_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.867736101150513 + set_success: 0.01860809326171875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/crossvit_18_dagger_240_timm_f761a558/onnx/crossvit_18_dagger_240_timm_f761a558-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/crossvit_18_dagger_240.py +class: CrossVit +hash: 6d35d6ee +model_name: crossvit_18_dagger_240 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 173305.9941 +onnx_ops_counter: + Add: 327 + Cast: 21 + Concat: 18 + Constant: 583 + ConstantOfShape: 2 + Conv: 6 + Div: 116 + Equal: 2 + Erf: 33 + Expand: 2 + Gather: 2 + Gemm: 2 + MatMul: 174 + Mul: 178 + Pow: 62 + ReduceMean: 125 + Relu: 4 + Reshape: 68 + Resize: 1 + Shape: 24 + Slice: 54 + Softmax: 27 + Split: 21 + Sqrt: 125 + Squeeze: 63 + Sub: 62 + Transpose: 89 + Unsqueeze: 2 + Where: 2 +parameters: 44266976 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/crossvit_18_dagger_240_Opset17_timm/crossvit_18_dagger_240_Opset17.onnx b/Computer_Vision/crossvit_18_dagger_240_Opset17_timm/crossvit_18_dagger_240_Opset17.onnx new file mode 100644 index 000000000..be48132a7 --- /dev/null +++ b/Computer_Vision/crossvit_18_dagger_240_Opset17_timm/crossvit_18_dagger_240_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23e2a06cbf7e9bdac6849bb6873d1dde4c5e94cdbd3dcee64aca8e5d490cc4f5 +size 177365521 diff --git a/Computer_Vision/crossvit_18_dagger_240_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/crossvit_18_dagger_240_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c9e4552d4 --- /dev/null +++ b/Computer_Vision/crossvit_18_dagger_240_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.251229763031006 + set_success: 0.019121170043945312 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/crossvit_18_dagger_240_timm_f761a558/onnx/crossvit_18_dagger_240_timm_f761a558-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/crossvit_18_dagger_240.py +class: CrossVit +hash: 6d35d6ee +model_name: crossvit_18_dagger_240 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 173208.5488 +onnx_ops_counter: + Add: 203 + Cast: 21 + Concat: 18 + Constant: 459 + ConstantOfShape: 2 + Conv: 6 + Div: 54 + Equal: 2 + Erf: 33 + Expand: 2 + Gather: 2 + Gemm: 2 + LayerNormalization: 62 + MatMul: 174 + Mul: 116 + ReduceMean: 1 + Relu: 4 + Reshape: 68 + Resize: 1 + Shape: 24 + Slice: 54 + Softmax: 27 + Split: 21 + Sqrt: 63 + Squeeze: 63 + Transpose: 89 + Unsqueeze: 2 + Where: 2 +parameters: 44266976 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/crossvit_18_dagger_408_Opset16_timm/crossvit_18_dagger_408_Opset16.onnx b/Computer_Vision/crossvit_18_dagger_408_Opset16_timm/crossvit_18_dagger_408_Opset16.onnx new file mode 100644 index 000000000..0c90c804d --- /dev/null +++ b/Computer_Vision/crossvit_18_dagger_408_Opset16_timm/crossvit_18_dagger_408_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61b980c9cbb29c3be5df7a3a36f556d01d672cc13233997826d27ce2c489612f +size 178823641 diff --git a/Computer_Vision/crossvit_18_dagger_408_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/crossvit_18_dagger_408_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..01489265f --- /dev/null +++ b/Computer_Vision/crossvit_18_dagger_408_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.181561231613159 + set_success: 0.02233099937438965 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/crossvit_18_dagger_408_timm_242d0393/onnx/crossvit_18_dagger_408_timm_242d0393-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/crossvit_18_dagger_408.py +class: CrossVit +hash: 6d35d6ee +model_name: crossvit_18_dagger_408 +onnx_input_dimensions: + x: + - 1 + - 3 + - 408 + - 408 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 174632.4941 +onnx_ops_counter: + Add: 327 + Cast: 21 + Concat: 18 + Constant: 583 + ConstantOfShape: 2 + Conv: 6 + Div: 116 + Equal: 2 + Erf: 33 + Expand: 2 + Gather: 2 + Gemm: 2 + MatMul: 174 + Mul: 178 + Pow: 62 + ReduceMean: 125 + Relu: 4 + Reshape: 68 + Resize: 1 + Shape: 24 + Slice: 54 + Softmax: 27 + Split: 21 + Sqrt: 125 + Squeeze: 63 + Sub: 62 + Transpose: 89 + Unsqueeze: 2 + Where: 2 +parameters: 44606560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/crossvit_18_dagger_408_Opset17_timm/crossvit_18_dagger_408_Opset17.onnx b/Computer_Vision/crossvit_18_dagger_408_Opset17_timm/crossvit_18_dagger_408_Opset17.onnx new file mode 100644 index 000000000..2c170b495 --- /dev/null +++ b/Computer_Vision/crossvit_18_dagger_408_Opset17_timm/crossvit_18_dagger_408_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa6cd54ace48c383188f21e2ba6c5b4ffe152ed3b9e70bc297a205c5481ba08a +size 178723857 diff --git a/Computer_Vision/crossvit_18_dagger_408_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/crossvit_18_dagger_408_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9a8359833 --- /dev/null +++ b/Computer_Vision/crossvit_18_dagger_408_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.468540906906128 + set_success: 0.021575212478637695 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/crossvit_18_dagger_408_timm_242d0393/onnx/crossvit_18_dagger_408_timm_242d0393-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/crossvit_18_dagger_408.py +class: CrossVit +hash: 6d35d6ee +model_name: crossvit_18_dagger_408 +onnx_input_dimensions: + x: + - 1 + - 3 + - 408 + - 408 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 174535.0488 +onnx_ops_counter: + Add: 203 + Cast: 21 + Concat: 18 + Constant: 459 + ConstantOfShape: 2 + Conv: 6 + Div: 54 + Equal: 2 + Erf: 33 + Expand: 2 + Gather: 2 + Gemm: 2 + LayerNormalization: 62 + MatMul: 174 + Mul: 116 + ReduceMean: 1 + Relu: 4 + Reshape: 68 + Resize: 1 + Shape: 24 + Slice: 54 + Softmax: 27 + Split: 21 + Sqrt: 63 + Squeeze: 63 + Transpose: 89 + Unsqueeze: 2 + Where: 2 +parameters: 44606560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/crossvit_9_240_Opset16_timm/crossvit_9_240_Opset16.onnx b/Computer_Vision/crossvit_9_240_Opset16_timm/crossvit_9_240_Opset16.onnx new file mode 100644 index 000000000..646a26afe --- /dev/null +++ b/Computer_Vision/crossvit_9_240_Opset16_timm/crossvit_9_240_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7dd128f1a199fb890d147c31d04123b2ce407a430d3f7ad1a0c3ba6238817f46 +size 34487149 diff --git a/Computer_Vision/crossvit_9_240_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/crossvit_9_240_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a92a8b216 --- /dev/null +++ b/Computer_Vision/crossvit_9_240_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.1983025074005127 + set_success: 0.016932010650634766 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/crossvit_9_240_timm_2e87677d/onnx/crossvit_9_240_timm_2e87677d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/crossvit_9_240.py +class: CrossVit +hash: 29af060f +model_name: crossvit_9_240 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 33678.8887 +onnx_ops_counter: + Add: 228 + Cast: 12 + Concat: 18 + Constant: 439 + ConstantOfShape: 2 + Conv: 2 + Div: 80 + Equal: 2 + Erf: 24 + Expand: 2 + Gather: 2 + Gemm: 2 + MatMul: 120 + Mul: 124 + Pow: 44 + ReduceMean: 89 + Reshape: 50 + Resize: 1 + Shape: 15 + Slice: 45 + Softmax: 18 + Split: 12 + Sqrt: 80 + Squeeze: 36 + Sub: 44 + Transpose: 62 + Unsqueeze: 2 + Where: 2 +parameters: 8553296 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/crossvit_9_240_Opset17_timm/crossvit_9_240_Opset17.onnx b/Computer_Vision/crossvit_9_240_Opset17_timm/crossvit_9_240_Opset17.onnx new file mode 100644 index 000000000..b7e2e2494 --- /dev/null +++ b/Computer_Vision/crossvit_9_240_Opset17_timm/crossvit_9_240_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd2135189d9b28dc0c868c0be2c45f86df94186ae427de4ba41874ebd4f9bded +size 34417785 diff --git a/Computer_Vision/crossvit_9_240_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/crossvit_9_240_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..447b6ad6f --- /dev/null +++ b/Computer_Vision/crossvit_9_240_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.8470513820648193 + set_success: 0.016439199447631836 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/crossvit_9_240_timm_2e87677d/onnx/crossvit_9_240_timm_2e87677d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/crossvit_9_240.py +class: CrossVit +hash: 29af060f +model_name: crossvit_9_240 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 33611.1504 +onnx_ops_counter: + Add: 140 + Cast: 12 + Concat: 18 + Constant: 351 + ConstantOfShape: 2 + Conv: 2 + Div: 36 + Equal: 2 + Erf: 24 + Expand: 2 + Gather: 2 + Gemm: 2 + LayerNormalization: 44 + MatMul: 120 + Mul: 80 + ReduceMean: 1 + Reshape: 50 + Resize: 1 + Shape: 15 + Slice: 45 + Softmax: 18 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 62 + Unsqueeze: 2 + Where: 2 +parameters: 8553296 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/crossvit_9_dagger_240_Opset16_timm/crossvit_9_dagger_240_Opset16.onnx b/Computer_Vision/crossvit_9_dagger_240_Opset16_timm/crossvit_9_dagger_240_Opset16.onnx new file mode 100644 index 000000000..cbcfd60b7 --- /dev/null +++ b/Computer_Vision/crossvit_9_dagger_240_Opset16_timm/crossvit_9_dagger_240_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6269bfffb32254179b44b872a1f0539a8ceeb96d88ddd1239b40b9a039105d4 +size 35382348 diff --git a/Computer_Vision/crossvit_9_dagger_240_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/crossvit_9_dagger_240_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..14e47d1be --- /dev/null +++ b/Computer_Vision/crossvit_9_dagger_240_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.401188850402832 + set_success: 0.017097949981689453 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/crossvit_9_dagger_240_timm_bd5a9a9e/onnx/crossvit_9_dagger_240_timm_bd5a9a9e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/crossvit_9_dagger_240.py +class: CrossVit +hash: a5e1b083 +model_name: crossvit_9_dagger_240 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 34553.1064 +onnx_ops_counter: + Add: 228 + Cast: 12 + Concat: 18 + Constant: 439 + ConstantOfShape: 2 + Conv: 6 + Div: 80 + Equal: 2 + Erf: 24 + Expand: 2 + Gather: 2 + Gemm: 2 + MatMul: 120 + Mul: 124 + Pow: 44 + ReduceMean: 89 + Relu: 4 + Reshape: 50 + Resize: 1 + Shape: 15 + Slice: 45 + Softmax: 18 + Split: 12 + Sqrt: 80 + Squeeze: 36 + Sub: 44 + Transpose: 62 + Unsqueeze: 2 + Where: 2 +parameters: 8776592 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/crossvit_9_dagger_240_Opset17_timm/crossvit_9_dagger_240_Opset17.onnx b/Computer_Vision/crossvit_9_dagger_240_Opset17_timm/crossvit_9_dagger_240_Opset17.onnx new file mode 100644 index 000000000..128fbe05a --- /dev/null +++ b/Computer_Vision/crossvit_9_dagger_240_Opset17_timm/crossvit_9_dagger_240_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb6786c8ea703a6dca73759a248130f0b317cf62c66b19a768404d342bd6df42 +size 35312984 diff --git a/Computer_Vision/crossvit_9_dagger_240_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/crossvit_9_dagger_240_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..60fc6331f --- /dev/null +++ b/Computer_Vision/crossvit_9_dagger_240_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.2168467044830322 + set_success: 0.0232694149017334 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/crossvit_9_dagger_240_timm_bd5a9a9e/onnx/crossvit_9_dagger_240_timm_bd5a9a9e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/crossvit_9_dagger_240.py +class: CrossVit +hash: a5e1b083 +model_name: crossvit_9_dagger_240 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 34485.3682 +onnx_ops_counter: + Add: 140 + Cast: 12 + Concat: 18 + Constant: 351 + ConstantOfShape: 2 + Conv: 6 + Div: 36 + Equal: 2 + Erf: 24 + Expand: 2 + Gather: 2 + Gemm: 2 + LayerNormalization: 44 + MatMul: 120 + Mul: 80 + ReduceMean: 1 + Relu: 4 + Reshape: 50 + Resize: 1 + Shape: 15 + Slice: 45 + Softmax: 18 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 62 + Unsqueeze: 2 + Where: 2 +parameters: 8776592 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/crossvit_base_240_Opset16_timm/crossvit_base_240_Opset16.onnx b/Computer_Vision/crossvit_base_240_Opset16_timm/crossvit_base_240_Opset16.onnx new file mode 100644 index 000000000..e6318a81e --- /dev/null +++ b/Computer_Vision/crossvit_base_240_Opset16_timm/crossvit_base_240_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5db99b8af4008f76900267dcdc4bfaf875f61a3e6dbcb418d8478b8c6e149571 +size 420415467 diff --git a/Computer_Vision/crossvit_base_240_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/crossvit_base_240_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1da7ec6a5 --- /dev/null +++ b/Computer_Vision/crossvit_base_240_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.77196192741394 + set_success: 0.019002199172973633 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/crossvit_base_240_timm_adf1288c/onnx/crossvit_base_240_timm_adf1288c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/crossvit_base_240.py +class: CrossVit +hash: 9ec6614d +model_name: crossvit_base_240 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 410562.0117 +onnx_ops_counter: + Add: 261 + Cast: 15 + Concat: 18 + Constant: 487 + ConstantOfShape: 2 + Conv: 2 + Div: 92 + Equal: 2 + Erf: 27 + Expand: 2 + Gather: 2 + Gemm: 2 + MatMul: 138 + Mul: 142 + Pow: 50 + ReduceMean: 101 + Reshape: 56 + Resize: 1 + Shape: 18 + Slice: 48 + Softmax: 21 + Split: 15 + Sqrt: 95 + Squeeze: 45 + Sub: 50 + Transpose: 71 + Unsqueeze: 2 + Where: 2 +parameters: 105025232 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/crossvit_base_240_Opset17_timm/crossvit_base_240_Opset17.onnx b/Computer_Vision/crossvit_base_240_Opset17_timm/crossvit_base_240_Opset17.onnx new file mode 100644 index 000000000..919ffeee9 --- /dev/null +++ b/Computer_Vision/crossvit_base_240_Opset17_timm/crossvit_base_240_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e15ae958bf239616656b1e3700fdbfa8ee214f915e625b2c0d43c921706d5d2 +size 420335963 diff --git a/Computer_Vision/crossvit_base_240_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/crossvit_base_240_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..64a63be15 --- /dev/null +++ b/Computer_Vision/crossvit_base_240_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.260582685470581 + set_success: 0.01914238929748535 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/crossvit_base_240_timm_adf1288c/onnx/crossvit_base_240_timm_adf1288c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/crossvit_base_240.py +class: CrossVit +hash: 9ec6614d +model_name: crossvit_base_240 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 410484.3711 +onnx_ops_counter: + Add: 161 + Cast: 15 + Concat: 18 + Constant: 387 + ConstantOfShape: 2 + Conv: 2 + Div: 42 + Equal: 2 + Erf: 27 + Expand: 2 + Gather: 2 + Gemm: 2 + LayerNormalization: 50 + MatMul: 138 + Mul: 92 + ReduceMean: 1 + Reshape: 56 + Resize: 1 + Shape: 18 + Slice: 48 + Softmax: 21 + Split: 15 + Sqrt: 45 + Squeeze: 45 + Transpose: 71 + Unsqueeze: 2 + Where: 2 +parameters: 105025232 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/crossvit_small_240_Opset16_timm/crossvit_small_240_Opset16.onnx b/Computer_Vision/crossvit_small_240_Opset16_timm/crossvit_small_240_Opset16.onnx new file mode 100644 index 000000000..5ce4f6301 --- /dev/null +++ b/Computer_Vision/crossvit_small_240_Opset16_timm/crossvit_small_240_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a8078746fa5288ed768b77ce87a7a27a805c81bdfff7003aae0be82424f5c3a6 +size 107735564 diff --git a/Computer_Vision/crossvit_small_240_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/crossvit_small_240_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7251d6ffa --- /dev/null +++ b/Computer_Vision/crossvit_small_240_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.630011558532715 + set_success: 0.01657843589782715 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/crossvit_small_240_timm_3c2df911/onnx/crossvit_small_240_timm_3c2df911-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/crossvit_small_240.py +class: CrossVit +hash: 2846915a +model_name: crossvit_small_240 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 105210.5439 +onnx_ops_counter: + Add: 261 + Cast: 15 + Concat: 18 + Constant: 487 + ConstantOfShape: 2 + Conv: 2 + Div: 92 + Equal: 2 + Erf: 27 + Expand: 2 + Gather: 2 + Gemm: 2 + Identity: 1 + MatMul: 138 + Mul: 142 + Pow: 50 + ReduceMean: 101 + Reshape: 56 + Resize: 1 + Shape: 18 + Slice: 48 + Softmax: 21 + Split: 15 + Sqrt: 95 + Squeeze: 45 + Sub: 50 + Transpose: 71 + Unsqueeze: 2 + Where: 2 +parameters: 26856272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/crossvit_small_240_Opset17_timm/crossvit_small_240_Opset17.onnx b/Computer_Vision/crossvit_small_240_Opset17_timm/crossvit_small_240_Opset17.onnx new file mode 100644 index 000000000..5fbb4444a --- /dev/null +++ b/Computer_Vision/crossvit_small_240_Opset17_timm/crossvit_small_240_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ca104b03ade5354d6dd6992710c1d2b52e405b7194e72239ae1f417b10b5d38 +size 107656060 diff --git a/Computer_Vision/crossvit_small_240_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/crossvit_small_240_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d85e07820 --- /dev/null +++ b/Computer_Vision/crossvit_small_240_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.203153133392334 + set_success: 0.017012596130371094 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/crossvit_small_240_timm_3c2df911/onnx/crossvit_small_240_timm_3c2df911-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/crossvit_small_240.py +class: CrossVit +hash: 2846915a +model_name: crossvit_small_240 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 105132.9033 +onnx_ops_counter: + Add: 161 + Cast: 15 + Concat: 18 + Constant: 387 + ConstantOfShape: 2 + Conv: 2 + Div: 42 + Equal: 2 + Erf: 27 + Expand: 2 + Gather: 2 + Gemm: 2 + Identity: 1 + LayerNormalization: 50 + MatMul: 138 + Mul: 92 + ReduceMean: 1 + Reshape: 56 + Resize: 1 + Shape: 18 + Slice: 48 + Softmax: 21 + Split: 15 + Sqrt: 45 + Squeeze: 45 + Transpose: 71 + Unsqueeze: 2 + Where: 2 +parameters: 26856272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/crossvit_tiny_240_Opset16_timm/crossvit_tiny_240_Opset16.onnx b/Computer_Vision/crossvit_tiny_240_Opset16_timm/crossvit_tiny_240_Opset16.onnx new file mode 100644 index 000000000..ecd813071 --- /dev/null +++ b/Computer_Vision/crossvit_tiny_240_Opset16_timm/crossvit_tiny_240_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f5a74773022e78707577242302932da1ed8d1110028cdb622ddee119c5a655b +size 28373490 diff --git a/Computer_Vision/crossvit_tiny_240_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/crossvit_tiny_240_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8ca3c0cb6 --- /dev/null +++ b/Computer_Vision/crossvit_tiny_240_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.794464349746704 + set_success: 0.020983457565307617 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/crossvit_tiny_240_timm_35833119/onnx/crossvit_tiny_240_timm_35833119-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/crossvit_tiny_240.py +class: CrossVit +hash: 11ef3ed4 +model_name: crossvit_tiny_240 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 27708.5186 +onnx_ops_counter: + Add: 261 + Cast: 15 + Concat: 18 + Constant: 487 + ConstantOfShape: 2 + Conv: 2 + Div: 92 + Equal: 2 + Erf: 27 + Expand: 2 + Gather: 2 + Gemm: 2 + MatMul: 138 + Mul: 142 + Pow: 50 + ReduceMean: 101 + Reshape: 56 + Resize: 1 + Shape: 18 + Slice: 48 + Softmax: 21 + Split: 15 + Sqrt: 95 + Squeeze: 45 + Sub: 50 + Transpose: 71 + Unsqueeze: 2 + Where: 2 +parameters: 7014800 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/crossvit_tiny_240_Opset17_timm/crossvit_tiny_240_Opset17.onnx b/Computer_Vision/crossvit_tiny_240_Opset17_timm/crossvit_tiny_240_Opset17.onnx new file mode 100644 index 000000000..4f700d7d6 --- /dev/null +++ b/Computer_Vision/crossvit_tiny_240_Opset17_timm/crossvit_tiny_240_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1177d53a46cf1c7356b39fd1a461ed2c7688d08be8839aab6cb92b7275631b5a +size 28293986 diff --git a/Computer_Vision/crossvit_tiny_240_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/crossvit_tiny_240_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cf05e5eed --- /dev/null +++ b/Computer_Vision/crossvit_tiny_240_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.3140175342559814 + set_success: 0.016246795654296875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/crossvit_tiny_240_timm_35833119/onnx/crossvit_tiny_240_timm_35833119-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/crossvit_tiny_240.py +class: CrossVit +hash: 11ef3ed4 +model_name: crossvit_tiny_240 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 27630.8779 +onnx_ops_counter: + Add: 161 + Cast: 15 + Concat: 18 + Constant: 387 + ConstantOfShape: 2 + Conv: 2 + Div: 42 + Equal: 2 + Erf: 27 + Expand: 2 + Gather: 2 + Gemm: 2 + LayerNormalization: 50 + MatMul: 138 + Mul: 92 + ReduceMean: 1 + Reshape: 56 + Resize: 1 + Shape: 18 + Slice: 48 + Softmax: 21 + Split: 15 + Sqrt: 45 + Squeeze: 45 + Transpose: 71 + Unsqueeze: 2 + Where: 2 +parameters: 7014800 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cs3darknet_focus_l_Opset16_timm/cs3darknet_focus_l_Opset16.onnx b/Computer_Vision/cs3darknet_focus_l_Opset16_timm/cs3darknet_focus_l_Opset16.onnx new file mode 100644 index 000000000..65b53d99b --- /dev/null +++ b/Computer_Vision/cs3darknet_focus_l_Opset16_timm/cs3darknet_focus_l_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9395b7707decb55c94da47b1fee96c68a814a7f0db4fcf7518bbbd4714004618 +size 84597685 diff --git a/Computer_Vision/cs3darknet_focus_l_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/cs3darknet_focus_l_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c798aba6b --- /dev/null +++ b/Computer_Vision/cs3darknet_focus_l_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.6311943531036377 + set_success: 0.015563249588012695 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cs3darknet_focus_l_timm_89cb972c/onnx/cs3darknet_focus_l_timm_89cb972c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cs3darknet_focus_l.py +class: CspNet +hash: e804593d +model_name: cs3darknet_focus_l +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 82614.959 +onnx_ops_counter: + Add: 21 + Concat: 4 + Constant: 4 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 55 + Sigmoid: 55 + Split: 4 +parameters: 21151720 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cs3darknet_focus_l_Opset17_timm/cs3darknet_focus_l_Opset17.onnx b/Computer_Vision/cs3darknet_focus_l_Opset17_timm/cs3darknet_focus_l_Opset17.onnx new file mode 100644 index 000000000..d6b91276b --- /dev/null +++ b/Computer_Vision/cs3darknet_focus_l_Opset17_timm/cs3darknet_focus_l_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f344ea8846d5cf87e1fe7666b0e6ce80c20814ca581d98df300fd6766f37903e +size 84597685 diff --git a/Computer_Vision/cs3darknet_focus_l_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/cs3darknet_focus_l_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5f6adc70c --- /dev/null +++ b/Computer_Vision/cs3darknet_focus_l_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.6279232501983643 + set_success: 0.016187667846679688 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cs3darknet_focus_l_timm_89cb972c/onnx/cs3darknet_focus_l_timm_89cb972c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cs3darknet_focus_l.py +class: CspNet +hash: e804593d +model_name: cs3darknet_focus_l +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 82614.959 +onnx_ops_counter: + Add: 21 + Concat: 4 + Constant: 4 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 55 + Sigmoid: 55 + Split: 4 +parameters: 21151720 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cs3darknet_focus_l_Opset18_timm/cs3darknet_focus_l_Opset18.onnx b/Computer_Vision/cs3darknet_focus_l_Opset18_timm/cs3darknet_focus_l_Opset18.onnx new file mode 100644 index 000000000..737b1e561 --- /dev/null +++ b/Computer_Vision/cs3darknet_focus_l_Opset18_timm/cs3darknet_focus_l_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e421bd01a15e0a1badb6b6b05d684125f27f50c917bf1d653259d26be1947fad +size 84597685 diff --git a/Computer_Vision/cs3darknet_focus_l_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/cs3darknet_focus_l_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f73093709 --- /dev/null +++ b/Computer_Vision/cs3darknet_focus_l_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.686568021774292 + set_success: 0.018801450729370117 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cs3darknet_focus_l_timm_89cb972c/onnx/cs3darknet_focus_l_timm_89cb972c-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cs3darknet_focus_l.py +class: CspNet +hash: e804593d +model_name: cs3darknet_focus_l +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 82614.959 +onnx_ops_counter: + Add: 21 + Concat: 4 + Constant: 4 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 55 + Sigmoid: 55 + Split: 4 +parameters: 21151720 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cs3darknet_focus_m_Opset16_timm/cs3darknet_focus_m_Opset16.onnx b/Computer_Vision/cs3darknet_focus_m_Opset16_timm/cs3darknet_focus_m_Opset16.onnx new file mode 100644 index 000000000..e7d4e4f11 --- /dev/null +++ b/Computer_Vision/cs3darknet_focus_m_Opset16_timm/cs3darknet_focus_m_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ebbcb4534920a3b641be1e853262a7bb9e86f9e6b57e95c89ed2a4b937467b2b +size 37219759 diff --git a/Computer_Vision/cs3darknet_focus_m_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/cs3darknet_focus_m_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9114d7f79 --- /dev/null +++ b/Computer_Vision/cs3darknet_focus_m_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9796147346496582 + set_success: 0.01674818992614746 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cs3darknet_focus_m_timm_aaf93601/onnx/cs3darknet_focus_m_timm_aaf93601-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cs3darknet_focus_m.py +class: CspNet +hash: 929dbbb3 +model_name: cs3darknet_focus_m +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 36347.4531 +onnx_ops_counter: + Add: 14 + Concat: 4 + Constant: 4 + Conv: 41 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 41 + Sigmoid: 41 + Split: 4 +parameters: 9304360 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cs3darknet_focus_m_Opset17_timm/cs3darknet_focus_m_Opset17.onnx b/Computer_Vision/cs3darknet_focus_m_Opset17_timm/cs3darknet_focus_m_Opset17.onnx new file mode 100644 index 000000000..3ca336c55 --- /dev/null +++ b/Computer_Vision/cs3darknet_focus_m_Opset17_timm/cs3darknet_focus_m_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:339a794f22d9b524d5a1acc3a29199e9d5a03c2e7951bb2d76ef23364e8f680d +size 37219759 diff --git a/Computer_Vision/cs3darknet_focus_m_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/cs3darknet_focus_m_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c8a5653d9 --- /dev/null +++ b/Computer_Vision/cs3darknet_focus_m_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.958420991897583 + set_success: 0.016924142837524414 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cs3darknet_focus_m_timm_aaf93601/onnx/cs3darknet_focus_m_timm_aaf93601-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cs3darknet_focus_m.py +class: CspNet +hash: 929dbbb3 +model_name: cs3darknet_focus_m +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 36347.4531 +onnx_ops_counter: + Add: 14 + Concat: 4 + Constant: 4 + Conv: 41 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 41 + Sigmoid: 41 + Split: 4 +parameters: 9304360 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cs3darknet_focus_m_Opset18_timm/cs3darknet_focus_m_Opset18.onnx b/Computer_Vision/cs3darknet_focus_m_Opset18_timm/cs3darknet_focus_m_Opset18.onnx new file mode 100644 index 000000000..3791e1696 --- /dev/null +++ b/Computer_Vision/cs3darknet_focus_m_Opset18_timm/cs3darknet_focus_m_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c1fa2f25b3bed0091c8c6e95c989a7335afabf280bb18edb2d5f7c43b92478f +size 37219759 diff --git a/Computer_Vision/cs3darknet_focus_m_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/cs3darknet_focus_m_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..dec2e0089 --- /dev/null +++ b/Computer_Vision/cs3darknet_focus_m_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9732129573822021 + set_success: 0.01659989356994629 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cs3darknet_focus_m_timm_aaf93601/onnx/cs3darknet_focus_m_timm_aaf93601-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cs3darknet_focus_m.py +class: CspNet +hash: 929dbbb3 +model_name: cs3darknet_focus_m +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 36347.4531 +onnx_ops_counter: + Add: 14 + Concat: 4 + Constant: 4 + Conv: 41 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 41 + Sigmoid: 41 + Split: 4 +parameters: 9304360 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cs3darknet_l_Opset16_timm/cs3darknet_l_Opset16.onnx b/Computer_Vision/cs3darknet_l_Opset16_timm/cs3darknet_l_Opset16.onnx new file mode 100644 index 000000000..6b0116a40 --- /dev/null +++ b/Computer_Vision/cs3darknet_l_Opset16_timm/cs3darknet_l_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:94712f21c837873337eee853a29d25d8427c3e6eaaabead285124f1fa6287a11 +size 84647872 diff --git a/Computer_Vision/cs3darknet_l_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/cs3darknet_l_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e380049d8 --- /dev/null +++ b/Computer_Vision/cs3darknet_l_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.6769845485687256 + set_success: 0.01648402214050293 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cs3darknet_l_timm_79d1f698/onnx/cs3darknet_l_timm_79d1f698-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cs3darknet_l.py +class: CspNet +hash: 409a6ab9 +model_name: cs3darknet_l +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 82663.9697 +onnx_ops_counter: + Add: 21 + Concat: 4 + Constant: 4 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 56 + Sigmoid: 56 + Split: 4 +parameters: 21164168 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cs3darknet_l_Opset17_timm/cs3darknet_l_Opset17.onnx b/Computer_Vision/cs3darknet_l_Opset17_timm/cs3darknet_l_Opset17.onnx new file mode 100644 index 000000000..ba7935b35 --- /dev/null +++ b/Computer_Vision/cs3darknet_l_Opset17_timm/cs3darknet_l_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d972be69cad84dc0174a146a46fb3e7108e20b4623ef92a33995bdcc57f1c91 +size 84647872 diff --git a/Computer_Vision/cs3darknet_l_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/cs3darknet_l_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e0c971bc8 --- /dev/null +++ b/Computer_Vision/cs3darknet_l_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7146430015563965 + set_success: 0.01645350456237793 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cs3darknet_l_timm_79d1f698/onnx/cs3darknet_l_timm_79d1f698-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cs3darknet_l.py +class: CspNet +hash: 409a6ab9 +model_name: cs3darknet_l +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 82663.9697 +onnx_ops_counter: + Add: 21 + Concat: 4 + Constant: 4 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 56 + Sigmoid: 56 + Split: 4 +parameters: 21164168 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cs3darknet_l_Opset18_timm/cs3darknet_l_Opset18.onnx b/Computer_Vision/cs3darknet_l_Opset18_timm/cs3darknet_l_Opset18.onnx new file mode 100644 index 000000000..f3ab05fc4 --- /dev/null +++ b/Computer_Vision/cs3darknet_l_Opset18_timm/cs3darknet_l_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35cc5c7e75011bdb3a2118e0d8ba0c87c781b473fb60b0560bf0ff933016129a +size 84647872 diff --git a/Computer_Vision/cs3darknet_l_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/cs3darknet_l_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3ff8c588b --- /dev/null +++ b/Computer_Vision/cs3darknet_l_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7263238430023193 + set_success: 0.017673969268798828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cs3darknet_l_timm_79d1f698/onnx/cs3darknet_l_timm_79d1f698-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cs3darknet_l.py +class: CspNet +hash: 409a6ab9 +model_name: cs3darknet_l +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 82663.9697 +onnx_ops_counter: + Add: 21 + Concat: 4 + Constant: 4 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 56 + Sigmoid: 56 + Split: 4 +parameters: 21164168 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cs3darknet_m_Opset16_timm/cs3darknet_m_Opset16.onnx b/Computer_Vision/cs3darknet_m_Opset16_timm/cs3darknet_m_Opset16.onnx new file mode 100644 index 000000000..967ad4f5e --- /dev/null +++ b/Computer_Vision/cs3darknet_m_Opset16_timm/cs3darknet_m_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd4a8c25aedb851a81038306124b2c645e8b444fc3b3bbf3ff520ce09e84f04f +size 37243704 diff --git a/Computer_Vision/cs3darknet_m_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/cs3darknet_m_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b2a8e07ba --- /dev/null +++ b/Computer_Vision/cs3darknet_m_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2804062366485596 + set_success: 0.023616790771484375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cs3darknet_m_timm_ab1b6a67/onnx/cs3darknet_m_timm_ab1b6a67-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cs3darknet_m.py +class: CspNet +hash: f83b4b9d +model_name: cs3darknet_m +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 36370.8369 +onnx_ops_counter: + Add: 14 + Concat: 4 + Constant: 4 + Conv: 42 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 42 + Sigmoid: 42 + Split: 4 +parameters: 9310240 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cs3darknet_m_Opset17_timm/cs3darknet_m_Opset17.onnx b/Computer_Vision/cs3darknet_m_Opset17_timm/cs3darknet_m_Opset17.onnx new file mode 100644 index 000000000..6c08aa57f --- /dev/null +++ b/Computer_Vision/cs3darknet_m_Opset17_timm/cs3darknet_m_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f297fc344c2d01b240bed2a1b5463fc392f77933acf820626024b4d1ea8055f +size 37243704 diff --git a/Computer_Vision/cs3darknet_m_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/cs3darknet_m_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a47ab0b9d --- /dev/null +++ b/Computer_Vision/cs3darknet_m_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9742186069488525 + set_success: 0.015999794006347656 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cs3darknet_m_timm_ab1b6a67/onnx/cs3darknet_m_timm_ab1b6a67-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cs3darknet_m.py +class: CspNet +hash: f83b4b9d +model_name: cs3darknet_m +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 36370.8369 +onnx_ops_counter: + Add: 14 + Concat: 4 + Constant: 4 + Conv: 42 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 42 + Sigmoid: 42 + Split: 4 +parameters: 9310240 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cs3darknet_m_Opset18_timm/cs3darknet_m_Opset18.onnx b/Computer_Vision/cs3darknet_m_Opset18_timm/cs3darknet_m_Opset18.onnx new file mode 100644 index 000000000..9c4b10396 --- /dev/null +++ b/Computer_Vision/cs3darknet_m_Opset18_timm/cs3darknet_m_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:642cf8b01b4c0b155b161f55d6063f50cd020740df8cef4fb8e23903bfdbea2c +size 37243704 diff --git a/Computer_Vision/cs3darknet_m_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/cs3darknet_m_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..537b5eeff --- /dev/null +++ b/Computer_Vision/cs3darknet_m_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9810006618499756 + set_success: 0.01845097541809082 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cs3darknet_m_timm_ab1b6a67/onnx/cs3darknet_m_timm_ab1b6a67-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cs3darknet_m.py +class: CspNet +hash: f83b4b9d +model_name: cs3darknet_m +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 36370.8369 +onnx_ops_counter: + Add: 14 + Concat: 4 + Constant: 4 + Conv: 42 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 42 + Sigmoid: 42 + Split: 4 +parameters: 9310240 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cs3darknet_x_Opset16_timm/cs3darknet_x_Opset16.onnx b/Computer_Vision/cs3darknet_x_Opset16_timm/cs3darknet_x_Opset16.onnx new file mode 100644 index 000000000..2948bef5f --- /dev/null +++ b/Computer_Vision/cs3darknet_x_Opset16_timm/cs3darknet_x_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4aaf8859e6447a79026fda364479cf4459dcdd9efa9f4ab5a19d9197c96f8e5f +size 140160966 diff --git a/Computer_Vision/cs3darknet_x_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/cs3darknet_x_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9d9a71579 --- /dev/null +++ b/Computer_Vision/cs3darknet_x_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.3423101902008057 + set_success: 0.01707172393798828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cs3darknet_x_timm_dd2e0eab/onnx/cs3darknet_x_timm_dd2e0eab-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cs3darknet_x.py +class: CspNet +hash: 4b451f3e +model_name: cs3darknet_x +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 136875.9756 +onnx_ops_counter: + Add: 24 + Concat: 4 + Constant: 4 + Conv: 62 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 62 + Sigmoid: 62 + Split: 4 +parameters: 35046320 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cs3darknet_x_Opset17_timm/cs3darknet_x_Opset17.onnx b/Computer_Vision/cs3darknet_x_Opset17_timm/cs3darknet_x_Opset17.onnx new file mode 100644 index 000000000..d1f3ab5f4 --- /dev/null +++ b/Computer_Vision/cs3darknet_x_Opset17_timm/cs3darknet_x_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e67894854dfef9cd74718aeb666b3e206615cafd012b29e19196900b9ee692be +size 140160966 diff --git a/Computer_Vision/cs3darknet_x_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/cs3darknet_x_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0ade2bc98 --- /dev/null +++ b/Computer_Vision/cs3darknet_x_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.472133159637451 + set_success: 0.017495155334472656 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cs3darknet_x_timm_dd2e0eab/onnx/cs3darknet_x_timm_dd2e0eab-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cs3darknet_x.py +class: CspNet +hash: 4b451f3e +model_name: cs3darknet_x +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 136875.9756 +onnx_ops_counter: + Add: 24 + Concat: 4 + Constant: 4 + Conv: 62 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 62 + Sigmoid: 62 + Split: 4 +parameters: 35046320 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cs3darknet_x_Opset18_timm/cs3darknet_x_Opset18.onnx b/Computer_Vision/cs3darknet_x_Opset18_timm/cs3darknet_x_Opset18.onnx new file mode 100644 index 000000000..4a30a18f6 --- /dev/null +++ b/Computer_Vision/cs3darknet_x_Opset18_timm/cs3darknet_x_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c9a50bcf932e580e99662b2ddac3549a8ff285372aab259ce1240e0d9e617bf +size 140160966 diff --git a/Computer_Vision/cs3darknet_x_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/cs3darknet_x_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b13c02106 --- /dev/null +++ b/Computer_Vision/cs3darknet_x_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.393162727355957 + set_success: 0.020334959030151367 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cs3darknet_x_timm_dd2e0eab/onnx/cs3darknet_x_timm_dd2e0eab-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cs3darknet_x.py +class: CspNet +hash: 4b451f3e +model_name: cs3darknet_x +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 136875.9756 +onnx_ops_counter: + Add: 24 + Concat: 4 + Constant: 4 + Conv: 62 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 62 + Sigmoid: 62 + Split: 4 +parameters: 35046320 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cs3edgenet_x_Opset16_timm/cs3edgenet_x_Opset16.onnx b/Computer_Vision/cs3edgenet_x_Opset16_timm/cs3edgenet_x_Opset16.onnx new file mode 100644 index 000000000..6319479d7 --- /dev/null +++ b/Computer_Vision/cs3edgenet_x_Opset16_timm/cs3edgenet_x_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:32f94fc2606f225f878026193d688d3fb36840fc9324dab5a6dc1e3d3255e1da +size 191246572 diff --git a/Computer_Vision/cs3edgenet_x_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/cs3edgenet_x_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..37239995e --- /dev/null +++ b/Computer_Vision/cs3edgenet_x_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.7881364822387695 + set_success: 0.023427248001098633 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cs3edgenet_x_timm_b85a5439/onnx/cs3edgenet_x_timm_b85a5439-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cs3edgenet_x.py +class: CspNet +hash: 59397a04 +model_name: cs3edgenet_x +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 186764.2627 +onnx_ops_counter: + Add: 24 + Concat: 4 + Constant: 4 + Conv: 62 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 62 + Sigmoid: 62 + Split: 4 +parameters: 47821120 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cs3edgenet_x_Opset17_timm/cs3edgenet_x_Opset17.onnx b/Computer_Vision/cs3edgenet_x_Opset17_timm/cs3edgenet_x_Opset17.onnx new file mode 100644 index 000000000..0579b337e --- /dev/null +++ b/Computer_Vision/cs3edgenet_x_Opset17_timm/cs3edgenet_x_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4a7cf76dc3dcfce58645b5a21e9d2d92b71200fddb2ad2a30de36ac3c9aec3f +size 191246572 diff --git a/Computer_Vision/cs3edgenet_x_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/cs3edgenet_x_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..461fd096a --- /dev/null +++ b/Computer_Vision/cs3edgenet_x_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.897191047668457 + set_success: 0.018449783325195312 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cs3edgenet_x_timm_b85a5439/onnx/cs3edgenet_x_timm_b85a5439-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cs3edgenet_x.py +class: CspNet +hash: 59397a04 +model_name: cs3edgenet_x +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 186764.2627 +onnx_ops_counter: + Add: 24 + Concat: 4 + Constant: 4 + Conv: 62 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 62 + Sigmoid: 62 + Split: 4 +parameters: 47821120 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cs3edgenet_x_Opset18_timm/cs3edgenet_x_Opset18.onnx b/Computer_Vision/cs3edgenet_x_Opset18_timm/cs3edgenet_x_Opset18.onnx new file mode 100644 index 000000000..b973cd773 --- /dev/null +++ b/Computer_Vision/cs3edgenet_x_Opset18_timm/cs3edgenet_x_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08aee6be45c7d5d5890e963fd6e1b3fdb59034e90ff99c7b14477aad5b567b1e +size 191246572 diff --git a/Computer_Vision/cs3edgenet_x_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/cs3edgenet_x_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2cb1e41de --- /dev/null +++ b/Computer_Vision/cs3edgenet_x_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.751896381378174 + set_success: 0.017142772674560547 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cs3edgenet_x_timm_b85a5439/onnx/cs3edgenet_x_timm_b85a5439-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cs3edgenet_x.py +class: CspNet +hash: 59397a04 +model_name: cs3edgenet_x +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 186764.2627 +onnx_ops_counter: + Add: 24 + Concat: 4 + Constant: 4 + Conv: 62 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 62 + Sigmoid: 62 + Split: 4 +parameters: 47821120 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cs3se_edgenet_x_Opset16_timm/cs3se_edgenet_x_Opset16.onnx b/Computer_Vision/cs3se_edgenet_x_Opset16_timm/cs3se_edgenet_x_Opset16.onnx new file mode 100644 index 000000000..f32f0ff6f --- /dev/null +++ b/Computer_Vision/cs3se_edgenet_x_Opset16_timm/cs3se_edgenet_x_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf65f298353ecaf8221c9a544e93386fb05b3367ffdabccb5975f06c5522b83a +size 202893819 diff --git a/Computer_Vision/cs3se_edgenet_x_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/cs3se_edgenet_x_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7d492f6bd --- /dev/null +++ b/Computer_Vision/cs3se_edgenet_x_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.570448160171509 + set_success: 0.018090486526489258 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cs3se_edgenet_x_timm_2564133e/onnx/cs3se_edgenet_x_timm_2564133e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cs3se_edgenet_x.py +class: CspNet +hash: fd9ebbd1 +model_name: cs3se_edgenet_x +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 198138.5273 +onnx_ops_counter: + Add: 24 + Concat: 4 + Constant: 4 + Conv: 110 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 110 + ReduceMean: 24 + Sigmoid: 110 + Split: 4 +parameters: 50721584 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cs3se_edgenet_x_Opset17_timm/cs3se_edgenet_x_Opset17.onnx b/Computer_Vision/cs3se_edgenet_x_Opset17_timm/cs3se_edgenet_x_Opset17.onnx new file mode 100644 index 000000000..9c2fb80ab --- /dev/null +++ b/Computer_Vision/cs3se_edgenet_x_Opset17_timm/cs3se_edgenet_x_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8eb27eaa6197132adb9d71cb062eb0c57e6ccb516acb8182d12fabccca1fa188 +size 202893819 diff --git a/Computer_Vision/cs3se_edgenet_x_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/cs3se_edgenet_x_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a18057d93 --- /dev/null +++ b/Computer_Vision/cs3se_edgenet_x_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.614464044570923 + set_success: 0.02223348617553711 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cs3se_edgenet_x_timm_2564133e/onnx/cs3se_edgenet_x_timm_2564133e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cs3se_edgenet_x.py +class: CspNet +hash: fd9ebbd1 +model_name: cs3se_edgenet_x +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 198138.5273 +onnx_ops_counter: + Add: 24 + Concat: 4 + Constant: 4 + Conv: 110 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 110 + ReduceMean: 24 + Sigmoid: 110 + Split: 4 +parameters: 50721584 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cs3sedarknet_l_Opset16_timm/cs3sedarknet_l_Opset16.onnx b/Computer_Vision/cs3sedarknet_l_Opset16_timm/cs3sedarknet_l_Opset16.onnx new file mode 100644 index 000000000..457f14c74 --- /dev/null +++ b/Computer_Vision/cs3sedarknet_l_Opset16_timm/cs3sedarknet_l_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:68393b1f6129e85abc66cc5dc01489eebf1fd3083c543a97192a6aceeae0a822 +size 87685118 diff --git a/Computer_Vision/cs3sedarknet_l_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/cs3sedarknet_l_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..23ede8cc6 --- /dev/null +++ b/Computer_Vision/cs3sedarknet_l_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.240205764770508 + set_success: 0.01693248748779297 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cs3sedarknet_l_timm_c09cd6e2/onnx/cs3sedarknet_l_timm_c09cd6e2-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cs3sedarknet_l.py +class: CspNet +hash: 9538eaf4 +model_name: cs3sedarknet_l +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 85630.0303 +onnx_ops_counter: + Add: 21 + Concat: 4 + Constant: 4 + Conv: 98 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 98 + ReduceMean: 21 + Sigmoid: 98 + Split: 4 +parameters: 21913592 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cs3sedarknet_l_Opset17_timm/cs3sedarknet_l_Opset17.onnx b/Computer_Vision/cs3sedarknet_l_Opset17_timm/cs3sedarknet_l_Opset17.onnx new file mode 100644 index 000000000..1c5e00079 --- /dev/null +++ b/Computer_Vision/cs3sedarknet_l_Opset17_timm/cs3sedarknet_l_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10751568856c544c7db91f1f2f8e05e7742b8e69f2d6d3a489010a7df7a8c595 +size 87685118 diff --git a/Computer_Vision/cs3sedarknet_l_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/cs3sedarknet_l_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..854181f07 --- /dev/null +++ b/Computer_Vision/cs3sedarknet_l_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.2659833431243896 + set_success: 0.018097877502441406 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cs3sedarknet_l_timm_c09cd6e2/onnx/cs3sedarknet_l_timm_c09cd6e2-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cs3sedarknet_l.py +class: CspNet +hash: 9538eaf4 +model_name: cs3sedarknet_l +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 85630.0303 +onnx_ops_counter: + Add: 21 + Concat: 4 + Constant: 4 + Conv: 98 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 98 + ReduceMean: 21 + Sigmoid: 98 + Split: 4 +parameters: 21913592 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cs3sedarknet_x_Opset16_timm/cs3sedarknet_x_Opset16.onnx b/Computer_Vision/cs3sedarknet_x_Opset16_timm/cs3sedarknet_x_Opset16.onnx new file mode 100644 index 000000000..85942d88a --- /dev/null +++ b/Computer_Vision/cs3sedarknet_x_Opset16_timm/cs3sedarknet_x_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3bcd8a5907845cd42a589f15bea9cdcb5c10a2feef8c438a217c417f38674e2b +size 141612625 diff --git a/Computer_Vision/cs3sedarknet_x_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/cs3sedarknet_x_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8d2777fc7 --- /dev/null +++ b/Computer_Vision/cs3sedarknet_x_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.1937367916107178 + set_success: 0.01841425895690918 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cs3sedarknet_x_timm_52b77f06/onnx/cs3sedarknet_x_timm_52b77f06-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cs3sedarknet_x.py +class: CspNet +hash: 5b1e4b75 +model_name: cs3sedarknet_x +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 138293.6113 +onnx_ops_counter: + Add: 24 + Concat: 4 + Constant: 4 + Conv: 110 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 110 + ReduceMean: 24 + Sigmoid: 110 + Split: 4 +parameters: 35397904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cs3sedarknet_x_Opset17_timm/cs3sedarknet_x_Opset17.onnx b/Computer_Vision/cs3sedarknet_x_Opset17_timm/cs3sedarknet_x_Opset17.onnx new file mode 100644 index 000000000..f5684433c --- /dev/null +++ b/Computer_Vision/cs3sedarknet_x_Opset17_timm/cs3sedarknet_x_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e32954223082ea45cbadfcc8ba7ed88a59ac5d0e750d2ab17137b98ef7018e70 +size 141612625 diff --git a/Computer_Vision/cs3sedarknet_x_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/cs3sedarknet_x_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6e2dee923 --- /dev/null +++ b/Computer_Vision/cs3sedarknet_x_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.989487886428833 + set_success: 0.01727604866027832 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cs3sedarknet_x_timm_52b77f06/onnx/cs3sedarknet_x_timm_52b77f06-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cs3sedarknet_x.py +class: CspNet +hash: 5b1e4b75 +model_name: cs3sedarknet_x +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 138293.6113 +onnx_ops_counter: + Add: 24 + Concat: 4 + Constant: 4 + Conv: 110 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 110 + ReduceMean: 24 + Sigmoid: 110 + Split: 4 +parameters: 35397904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cspdarknet53_Opset16_timm/cspdarknet53_Opset16.onnx b/Computer_Vision/cspdarknet53_Opset16_timm/cspdarknet53_Opset16.onnx new file mode 100644 index 000000000..ed3cfc034 --- /dev/null +++ b/Computer_Vision/cspdarknet53_Opset16_timm/cspdarknet53_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79339577f91c3f186a5055b542757a400516f8095d5b0f8e4dfdc9c7d0b89195 +size 110543147 diff --git a/Computer_Vision/cspdarknet53_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/cspdarknet53_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3fa90b310 --- /dev/null +++ b/Computer_Vision/cspdarknet53_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0351524353027344 + set_success: 0.019129276275634766 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cspdarknet53_timm_1fcae65c/onnx/cspdarknet53_timm_1fcae65c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cspdarknet53.py +class: CspNet +hash: dc75a63d +model_name: cspdarknet53 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 107952.3242 +onnx_ops_counter: + Add: 23 + Concat: 5 + Constant: 5 + Conv: 67 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LeakyRelu: 67 + Split: 5 +parameters: 27642184 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cspdarknet53_Opset17_timm/cspdarknet53_Opset17.onnx b/Computer_Vision/cspdarknet53_Opset17_timm/cspdarknet53_Opset17.onnx new file mode 100644 index 000000000..a6fc4515d --- /dev/null +++ b/Computer_Vision/cspdarknet53_Opset17_timm/cspdarknet53_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c560421d33df96efc36125b4602d202c829e87f696f16b87c1dc58a3d0684bb +size 110543147 diff --git a/Computer_Vision/cspdarknet53_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/cspdarknet53_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8f675d3a9 --- /dev/null +++ b/Computer_Vision/cspdarknet53_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0265653133392334 + set_success: 0.01761031150817871 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cspdarknet53_timm_1fcae65c/onnx/cspdarknet53_timm_1fcae65c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cspdarknet53.py +class: CspNet +hash: dc75a63d +model_name: cspdarknet53 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 107952.3242 +onnx_ops_counter: + Add: 23 + Concat: 5 + Constant: 5 + Conv: 67 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LeakyRelu: 67 + Split: 5 +parameters: 27642184 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cspdarknet53_Opset18_timm/cspdarknet53_Opset18.onnx b/Computer_Vision/cspdarknet53_Opset18_timm/cspdarknet53_Opset18.onnx new file mode 100644 index 000000000..48284079e --- /dev/null +++ b/Computer_Vision/cspdarknet53_Opset18_timm/cspdarknet53_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:422c607291ddbc93418764045263bf34237ef0096cfa689630b1be3650d28989 +size 110543147 diff --git a/Computer_Vision/cspdarknet53_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/cspdarknet53_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2b60ef934 --- /dev/null +++ b/Computer_Vision/cspdarknet53_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.5618317127227783 + set_success: 0.024260520935058594 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cspdarknet53_timm_1fcae65c/onnx/cspdarknet53_timm_1fcae65c-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cspdarknet53.py +class: CspNet +hash: dc75a63d +model_name: cspdarknet53 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 107952.3242 +onnx_ops_counter: + Add: 23 + Concat: 5 + Constant: 5 + Conv: 67 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LeakyRelu: 67 + Split: 5 +parameters: 27642184 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cspresnet50_Opset16_timm/cspresnet50_Opset16.onnx b/Computer_Vision/cspresnet50_Opset16_timm/cspresnet50_Opset16.onnx new file mode 100644 index 000000000..5e794fa10 --- /dev/null +++ b/Computer_Vision/cspresnet50_Opset16_timm/cspresnet50_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:018cab2b3bb62a68ca8fd6501277a84e985422a8691a7e859d7cdaad21335843 +size 86419299 diff --git a/Computer_Vision/cspresnet50_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/cspresnet50_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bc392dc7c --- /dev/null +++ b/Computer_Vision/cspresnet50_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7077674865722656 + set_success: 0.017090797424316406 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cspresnet50_timm_490c3ef8/onnx/cspresnet50_timm_490c3ef8-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cspresnet50.py +class: CspNet +hash: 21932b67 +model_name: cspresnet50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 84393.8789 +onnx_ops_counter: + Add: 13 + Concat: 4 + Constant: 4 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LeakyRelu: 51 + MaxPool: 1 + Split: 4 +parameters: 21616168 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cspresnet50_Opset17_timm/cspresnet50_Opset17.onnx b/Computer_Vision/cspresnet50_Opset17_timm/cspresnet50_Opset17.onnx new file mode 100644 index 000000000..208794e77 --- /dev/null +++ b/Computer_Vision/cspresnet50_Opset17_timm/cspresnet50_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7ebe356f05aca140b835443a619121e8bea6ecfec6db532167914a35350f04ce +size 86419299 diff --git a/Computer_Vision/cspresnet50_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/cspresnet50_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a71bbf7e3 --- /dev/null +++ b/Computer_Vision/cspresnet50_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.685823917388916 + set_success: 0.01667475700378418 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cspresnet50_timm_490c3ef8/onnx/cspresnet50_timm_490c3ef8-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cspresnet50.py +class: CspNet +hash: 21932b67 +model_name: cspresnet50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 84393.8789 +onnx_ops_counter: + Add: 13 + Concat: 4 + Constant: 4 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LeakyRelu: 51 + MaxPool: 1 + Split: 4 +parameters: 21616168 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cspresnet50_Opset18_timm/cspresnet50_Opset18.onnx b/Computer_Vision/cspresnet50_Opset18_timm/cspresnet50_Opset18.onnx new file mode 100644 index 000000000..afa904cf5 --- /dev/null +++ b/Computer_Vision/cspresnet50_Opset18_timm/cspresnet50_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b337fa2b600dd088f22f233cedead890e5f54c9a806fb2ee8148384a38a3d8c +size 86419299 diff --git a/Computer_Vision/cspresnet50_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/cspresnet50_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b253d27bd --- /dev/null +++ b/Computer_Vision/cspresnet50_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.736760139465332 + set_success: 0.023036479949951172 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cspresnet50_timm_490c3ef8/onnx/cspresnet50_timm_490c3ef8-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cspresnet50.py +class: CspNet +hash: 21932b67 +model_name: cspresnet50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 84393.8789 +onnx_ops_counter: + Add: 13 + Concat: 4 + Constant: 4 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LeakyRelu: 51 + MaxPool: 1 + Split: 4 +parameters: 21616168 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cspresnext50_Opset16_timm/cspresnext50_Opset16.onnx b/Computer_Vision/cspresnext50_Opset16_timm/cspresnext50_Opset16.onnx new file mode 100644 index 000000000..d0e8d0cba --- /dev/null +++ b/Computer_Vision/cspresnext50_Opset16_timm/cspresnext50_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b381181d336d38d96f30ccb264998fc5a0e50c675f67018fa2275f567701a908 +size 82199893 diff --git a/Computer_Vision/cspresnext50_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/cspresnext50_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..779f905e2 --- /dev/null +++ b/Computer_Vision/cspresnext50_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7099173069000244 + set_success: 0.01806163787841797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cspresnext50_timm_b9ab23e1/onnx/cspresnext50_timm_b9ab23e1-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cspresnext50.py +class: CspNet +hash: 0e30663e +model_name: cspresnext50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 80273.3652 +onnx_ops_counter: + Add: 13 + Concat: 4 + Constant: 4 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LeakyRelu: 51 + MaxPool: 1 + Split: 4 +parameters: 20569896 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cspresnext50_Opset17_timm/cspresnext50_Opset17.onnx b/Computer_Vision/cspresnext50_Opset17_timm/cspresnext50_Opset17.onnx new file mode 100644 index 000000000..afb06cf1b --- /dev/null +++ b/Computer_Vision/cspresnext50_Opset17_timm/cspresnext50_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d04acacdb98e89039395f9caee2a135fe4fc596445a486bb082fe3aaee03fb94 +size 82199893 diff --git a/Computer_Vision/cspresnext50_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/cspresnext50_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..aa49959f1 --- /dev/null +++ b/Computer_Vision/cspresnext50_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8626549243927002 + set_success: 0.0190274715423584 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cspresnext50_timm_b9ab23e1/onnx/cspresnext50_timm_b9ab23e1-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cspresnext50.py +class: CspNet +hash: 0e30663e +model_name: cspresnext50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 80273.3652 +onnx_ops_counter: + Add: 13 + Concat: 4 + Constant: 4 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LeakyRelu: 51 + MaxPool: 1 + Split: 4 +parameters: 20569896 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/cspresnext50_Opset18_timm/cspresnext50_Opset18.onnx b/Computer_Vision/cspresnext50_Opset18_timm/cspresnext50_Opset18.onnx new file mode 100644 index 000000000..1413a5e89 --- /dev/null +++ b/Computer_Vision/cspresnext50_Opset18_timm/cspresnext50_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ac980279c597719d28391daabe0dfec418e3cb517fd09d31898670b9c6cbee7 +size 82199893 diff --git a/Computer_Vision/cspresnext50_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/cspresnext50_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e3ed42b30 --- /dev/null +++ b/Computer_Vision/cspresnext50_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.6784846782684326 + set_success: 0.017356395721435547 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/cspresnext50_timm_b9ab23e1/onnx/cspresnext50_timm_b9ab23e1-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/cspresnext50.py +class: CspNet +hash: 0e30663e +model_name: cspresnext50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 80273.3652 +onnx_ops_counter: + Add: 13 + Concat: 4 + Constant: 4 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LeakyRelu: 51 + MaxPool: 1 + Split: 4 +parameters: 20569896 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/darknet53_Opset16_timm/darknet53_Opset16.onnx b/Computer_Vision/darknet53_Opset16_timm/darknet53_Opset16.onnx new file mode 100644 index 000000000..9ebb04a8c --- /dev/null +++ b/Computer_Vision/darknet53_Opset16_timm/darknet53_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d7d184e08d9250e6e4bd0c33435cd18bd80994c2f9fec29d3d6fbbd55eb3a5f2 +size 166403164 diff --git a/Computer_Vision/darknet53_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/darknet53_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8d89f396a --- /dev/null +++ b/Computer_Vision/darknet53_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.468327760696411 + set_success: 0.01775527000427246 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/darknet53_timm_68ed1fda/onnx/darknet53_timm_68ed1fda-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/darknet53.py +class: CspNet +hash: f06243c0 +model_name: darknet53 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 162503.1221 +onnx_ops_counter: + Add: 23 + Conv: 52 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LeakyRelu: 52 +parameters: 41609928 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/darknet53_Opset17_timm/darknet53_Opset17.onnx b/Computer_Vision/darknet53_Opset17_timm/darknet53_Opset17.onnx new file mode 100644 index 000000000..a7eb24f59 --- /dev/null +++ b/Computer_Vision/darknet53_Opset17_timm/darknet53_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e10b0d5262ca69595201d60158b90dbb83a4220b264b4cb3200dd0942d81d94 +size 166403164 diff --git a/Computer_Vision/darknet53_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/darknet53_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1692e8200 --- /dev/null +++ b/Computer_Vision/darknet53_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.3707869052886963 + set_success: 0.017136812210083008 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/darknet53_timm_68ed1fda/onnx/darknet53_timm_68ed1fda-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/darknet53.py +class: CspNet +hash: f06243c0 +model_name: darknet53 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 162503.1221 +onnx_ops_counter: + Add: 23 + Conv: 52 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LeakyRelu: 52 +parameters: 41609928 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/darknet53_Opset18_timm/darknet53_Opset18.onnx b/Computer_Vision/darknet53_Opset18_timm/darknet53_Opset18.onnx new file mode 100644 index 000000000..f128b282b --- /dev/null +++ b/Computer_Vision/darknet53_Opset18_timm/darknet53_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dbbf385d14337310824b59ddfee458364cce9a8a4adb64ab8cfa1e1a3e2b804e +size 166403164 diff --git a/Computer_Vision/darknet53_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/darknet53_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..40a41e3ab --- /dev/null +++ b/Computer_Vision/darknet53_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.3830182552337646 + set_success: 0.017049312591552734 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/darknet53_timm_68ed1fda/onnx/darknet53_timm_68ed1fda-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/darknet53.py +class: CspNet +hash: f06243c0 +model_name: darknet53 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 162503.1221 +onnx_ops_counter: + Add: 23 + Conv: 52 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LeakyRelu: 52 +parameters: 41609928 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/darknetaa53_Opset16_timm/darknetaa53_Opset16.onnx b/Computer_Vision/darknetaa53_Opset16_timm/darknetaa53_Opset16.onnx new file mode 100644 index 000000000..3d1d19864 --- /dev/null +++ b/Computer_Vision/darknetaa53_Opset16_timm/darknetaa53_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:20f2f1701845c74d051df97ea3f8db962909263b0566a57632edd886ce5538b8 +size 144057274 diff --git a/Computer_Vision/darknetaa53_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/darknetaa53_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6f644ce67 --- /dev/null +++ b/Computer_Vision/darknetaa53_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.185483455657959 + set_success: 0.018650531768798828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/darknetaa53_timm_23e942c4/onnx/darknetaa53_timm_23e942c4-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/darknetaa53.py +class: CspNet +hash: b7009763 +model_name: darknetaa53 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 140680.9639 +onnx_ops_counter: + Add: 23 + AveragePool: 5 + Conv: 52 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LeakyRelu: 52 +parameters: 36022984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/darknetaa53_Opset17_timm/darknetaa53_Opset17.onnx b/Computer_Vision/darknetaa53_Opset17_timm/darknetaa53_Opset17.onnx new file mode 100644 index 000000000..a3192e10c --- /dev/null +++ b/Computer_Vision/darknetaa53_Opset17_timm/darknetaa53_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:54c72b6f3362874f3a3e364e5f289e03686e64520b557a651f2709cd0ca9711e +size 144057274 diff --git a/Computer_Vision/darknetaa53_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/darknetaa53_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d5f914e3b --- /dev/null +++ b/Computer_Vision/darknetaa53_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.21018123626709 + set_success: 0.018546581268310547 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/darknetaa53_timm_23e942c4/onnx/darknetaa53_timm_23e942c4-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/darknetaa53.py +class: CspNet +hash: b7009763 +model_name: darknetaa53 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 140680.9639 +onnx_ops_counter: + Add: 23 + AveragePool: 5 + Conv: 52 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LeakyRelu: 52 +parameters: 36022984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/darknetaa53_Opset18_timm/darknetaa53_Opset18.onnx b/Computer_Vision/darknetaa53_Opset18_timm/darknetaa53_Opset18.onnx new file mode 100644 index 000000000..5e65b2c8f --- /dev/null +++ b/Computer_Vision/darknetaa53_Opset18_timm/darknetaa53_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dec244141d561e4691825f14353b5f3fd564e7acb97c40f20c3dacf61ca72d6e +size 144057274 diff --git a/Computer_Vision/darknetaa53_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/darknetaa53_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..781689820 --- /dev/null +++ b/Computer_Vision/darknetaa53_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.2496988773345947 + set_success: 0.020296812057495117 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/darknetaa53_timm_23e942c4/onnx/darknetaa53_timm_23e942c4-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/darknetaa53.py +class: CspNet +hash: b7009763 +model_name: darknetaa53 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 140680.9639 +onnx_ops_counter: + Add: 23 + AveragePool: 5 + Conv: 52 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LeakyRelu: 52 +parameters: 36022984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_base_patch16_224_Opset16_timm/deit3_base_patch16_224_Opset16.onnx b/Computer_Vision/deit3_base_patch16_224_Opset16_timm/deit3_base_patch16_224_Opset16.onnx new file mode 100644 index 000000000..cc55338ed --- /dev/null +++ b/Computer_Vision/deit3_base_patch16_224_Opset16_timm/deit3_base_patch16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b58f8d52cb9b2f368cae97911dd7bafda3606a4e0c08b5be62d12d3dbf38de7 +size 346473758 diff --git a/Computer_Vision/deit3_base_patch16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/deit3_base_patch16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..27a41a5b3 --- /dev/null +++ b/Computer_Vision/deit3_base_patch16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.597854852676392 + set_success: 0.01848912239074707 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_base_patch16_224_timm_f3e3115d/onnx/deit3_base_patch16_224_timm_f3e3115d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_base_patch16_224.py +class: VisionTransformer +hash: 9716f948 +model_name: deit3_base_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 338353.3115 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 98 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 86585320 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_base_patch16_224_Opset17_timm/deit3_base_patch16_224_Opset17.onnx b/Computer_Vision/deit3_base_patch16_224_Opset17_timm/deit3_base_patch16_224_Opset17.onnx new file mode 100644 index 000000000..6d106f5dd --- /dev/null +++ b/Computer_Vision/deit3_base_patch16_224_Opset17_timm/deit3_base_patch16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b4f44c7f87dcbc498c23622659d6dc1c88678c27b3fb3ed7c7d95068eab46472 +size 346442404 diff --git a/Computer_Vision/deit3_base_patch16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/deit3_base_patch16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9732e79a0 --- /dev/null +++ b/Computer_Vision/deit3_base_patch16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.658384799957275 + set_success: 0.020159244537353516 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_base_patch16_224_timm_f3e3115d/onnx/deit3_base_patch16_224_timm_f3e3115d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_base_patch16_224.py +class: VisionTransformer +hash: 9716f948 +model_name: deit3_base_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 338322.6924 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 73 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 86585320 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_base_patch16_224_Opset18_timm/deit3_base_patch16_224_Opset18.onnx b/Computer_Vision/deit3_base_patch16_224_Opset18_timm/deit3_base_patch16_224_Opset18.onnx new file mode 100644 index 000000000..a2e6fd95d --- /dev/null +++ b/Computer_Vision/deit3_base_patch16_224_Opset18_timm/deit3_base_patch16_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c13d3d5625fd6ab65ab3b47fb86e2e1a2488ff113fa3d2896961c880adf705ba +size 346442404 diff --git a/Computer_Vision/deit3_base_patch16_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/deit3_base_patch16_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2c31fa77a --- /dev/null +++ b/Computer_Vision/deit3_base_patch16_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.719860792160034 + set_success: 0.021103620529174805 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_base_patch16_224_timm_f3e3115d/onnx/deit3_base_patch16_224_timm_f3e3115d-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_base_patch16_224.py +class: VisionTransformer +hash: 9716f948 +model_name: deit3_base_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 338322.6924 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 73 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 86585320 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_base_patch16_224_in21ft1k_Opset16_timm/deit3_base_patch16_224_in21ft1k_Opset16.onnx b/Computer_Vision/deit3_base_patch16_224_in21ft1k_Opset16_timm/deit3_base_patch16_224_in21ft1k_Opset16.onnx new file mode 100644 index 000000000..dd5d43fba --- /dev/null +++ b/Computer_Vision/deit3_base_patch16_224_in21ft1k_Opset16_timm/deit3_base_patch16_224_in21ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f25834382dfad82e94312c7bbe45c2d66237b033fde43bf940236a2f7507c34 +size 346473758 diff --git a/Computer_Vision/deit3_base_patch16_224_in21ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/deit3_base_patch16_224_in21ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..12987395f --- /dev/null +++ b/Computer_Vision/deit3_base_patch16_224_in21ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.812365770339966 + set_success: 0.018735170364379883 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_base_patch16_224_in21ft1k_timm_f3e3115d/onnx/deit3_base_patch16_224_in21ft1k_timm_f3e3115d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_base_patch16_224_in21ft1k.py +class: VisionTransformer +hash: 9716f948 +model_name: deit3_base_patch16_224_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 338353.3115 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 98 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 86585320 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_base_patch16_224_in21ft1k_Opset17_timm/deit3_base_patch16_224_in21ft1k_Opset17.onnx b/Computer_Vision/deit3_base_patch16_224_in21ft1k_Opset17_timm/deit3_base_patch16_224_in21ft1k_Opset17.onnx new file mode 100644 index 000000000..3ad3f35c3 --- /dev/null +++ b/Computer_Vision/deit3_base_patch16_224_in21ft1k_Opset17_timm/deit3_base_patch16_224_in21ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26a8bd43a8dda00071b2dfe50f700945359e9124c4de535ae169ba20ade8ae20 +size 346442404 diff --git a/Computer_Vision/deit3_base_patch16_224_in21ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/deit3_base_patch16_224_in21ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1215f4a7e --- /dev/null +++ b/Computer_Vision/deit3_base_patch16_224_in21ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.915456056594849 + set_success: 0.0201418399810791 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_base_patch16_224_in21ft1k_timm_f3e3115d/onnx/deit3_base_patch16_224_in21ft1k_timm_f3e3115d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_base_patch16_224_in21ft1k.py +class: VisionTransformer +hash: 9716f948 +model_name: deit3_base_patch16_224_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 338322.6924 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 73 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 86585320 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_base_patch16_224_in21ft1k_Opset18_timm/deit3_base_patch16_224_in21ft1k_Opset18.onnx b/Computer_Vision/deit3_base_patch16_224_in21ft1k_Opset18_timm/deit3_base_patch16_224_in21ft1k_Opset18.onnx new file mode 100644 index 000000000..e367b4f4c --- /dev/null +++ b/Computer_Vision/deit3_base_patch16_224_in21ft1k_Opset18_timm/deit3_base_patch16_224_in21ft1k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d1058a1fe69053cc4948251243d48a1cbcc6690988fbc96017cf81bd769acdf +size 346442404 diff --git a/Computer_Vision/deit3_base_patch16_224_in21ft1k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/deit3_base_patch16_224_in21ft1k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b4b4187d5 --- /dev/null +++ b/Computer_Vision/deit3_base_patch16_224_in21ft1k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.595149040222168 + set_success: 0.02135324478149414 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_base_patch16_224_in21ft1k_timm_f3e3115d/onnx/deit3_base_patch16_224_in21ft1k_timm_f3e3115d-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_base_patch16_224_in21ft1k.py +class: VisionTransformer +hash: 9716f948 +model_name: deit3_base_patch16_224_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 338322.6924 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 73 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 86585320 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_base_patch16_384_Opset16_timm/deit3_base_patch16_384_Opset16.onnx b/Computer_Vision/deit3_base_patch16_384_Opset16_timm/deit3_base_patch16_384_Opset16.onnx new file mode 100644 index 000000000..6358e6d42 --- /dev/null +++ b/Computer_Vision/deit3_base_patch16_384_Opset16_timm/deit3_base_patch16_384_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe1fa4ae53b90020977675ba4e8ee654dfc5da04a952d59d6a34228d969068c5 +size 347641118 diff --git a/Computer_Vision/deit3_base_patch16_384_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/deit3_base_patch16_384_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..656d2c443 --- /dev/null +++ b/Computer_Vision/deit3_base_patch16_384_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.979162216186523 + set_success: 0.020245790481567383 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_base_patch16_384_timm_814f84e5/onnx/deit3_base_patch16_384_timm_814f84e5-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_base_patch16_384.py +class: VisionTransformer +hash: 9716f948 +model_name: deit3_base_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 339493.3115 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 98 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 86877160 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_base_patch16_384_Opset17_timm/deit3_base_patch16_384_Opset17.onnx b/Computer_Vision/deit3_base_patch16_384_Opset17_timm/deit3_base_patch16_384_Opset17.onnx new file mode 100644 index 000000000..cae57af2a --- /dev/null +++ b/Computer_Vision/deit3_base_patch16_384_Opset17_timm/deit3_base_patch16_384_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:74b432a1f002e0ee61a8ff7321ec9e3fa772b2797c65fc4991d22cc0f69c024e +size 347609764 diff --git a/Computer_Vision/deit3_base_patch16_384_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/deit3_base_patch16_384_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..188dad36a --- /dev/null +++ b/Computer_Vision/deit3_base_patch16_384_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.011484622955322 + set_success: 0.02295398712158203 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_base_patch16_384_timm_814f84e5/onnx/deit3_base_patch16_384_timm_814f84e5-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_base_patch16_384.py +class: VisionTransformer +hash: 9716f948 +model_name: deit3_base_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 339462.6924 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 73 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 86877160 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_base_patch16_384_Opset18_timm/deit3_base_patch16_384_Opset18.onnx b/Computer_Vision/deit3_base_patch16_384_Opset18_timm/deit3_base_patch16_384_Opset18.onnx new file mode 100644 index 000000000..41edb6dc9 --- /dev/null +++ b/Computer_Vision/deit3_base_patch16_384_Opset18_timm/deit3_base_patch16_384_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:641c8fa692c9e569d3698f97cc568095454de2f15be3495ec0cf847a1da66e50 +size 347609764 diff --git a/Computer_Vision/deit3_base_patch16_384_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/deit3_base_patch16_384_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5e7d168f6 --- /dev/null +++ b/Computer_Vision/deit3_base_patch16_384_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.942303419113159 + set_success: 0.022608518600463867 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_base_patch16_384_timm_814f84e5/onnx/deit3_base_patch16_384_timm_814f84e5-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_base_patch16_384.py +class: VisionTransformer +hash: 9716f948 +model_name: deit3_base_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 339462.6924 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 73 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 86877160 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_base_patch16_384_in21ft1k_Opset16_timm/deit3_base_patch16_384_in21ft1k_Opset16.onnx b/Computer_Vision/deit3_base_patch16_384_in21ft1k_Opset16_timm/deit3_base_patch16_384_in21ft1k_Opset16.onnx new file mode 100644 index 000000000..45684798e --- /dev/null +++ b/Computer_Vision/deit3_base_patch16_384_in21ft1k_Opset16_timm/deit3_base_patch16_384_in21ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3fbace8463706e74f8fa0cb69e95bd465aafc4160f564e5ea7b0543470fa3e5e +size 347641118 diff --git a/Computer_Vision/deit3_base_patch16_384_in21ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/deit3_base_patch16_384_in21ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..32537319b --- /dev/null +++ b/Computer_Vision/deit3_base_patch16_384_in21ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.9279704093933105 + set_success: 0.030327796936035156 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_base_patch16_384_in21ft1k_timm_814f84e5/onnx/deit3_base_patch16_384_in21ft1k_timm_814f84e5-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_base_patch16_384_in21ft1k.py +class: VisionTransformer +hash: 9716f948 +model_name: deit3_base_patch16_384_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 339493.3115 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 98 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 86877160 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_base_patch16_384_in21ft1k_Opset17_timm/deit3_base_patch16_384_in21ft1k_Opset17.onnx b/Computer_Vision/deit3_base_patch16_384_in21ft1k_Opset17_timm/deit3_base_patch16_384_in21ft1k_Opset17.onnx new file mode 100644 index 000000000..5f25ac3e3 --- /dev/null +++ b/Computer_Vision/deit3_base_patch16_384_in21ft1k_Opset17_timm/deit3_base_patch16_384_in21ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:13cad650dbd8432c4921c60ff509d08838c47324428bd52d17b3f30330732d0e +size 347609764 diff --git a/Computer_Vision/deit3_base_patch16_384_in21ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/deit3_base_patch16_384_in21ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0e262a86f --- /dev/null +++ b/Computer_Vision/deit3_base_patch16_384_in21ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.035357475280762 + set_success: 0.021060466766357422 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_base_patch16_384_in21ft1k_timm_814f84e5/onnx/deit3_base_patch16_384_in21ft1k_timm_814f84e5-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_base_patch16_384_in21ft1k.py +class: VisionTransformer +hash: 9716f948 +model_name: deit3_base_patch16_384_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 339462.6924 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 73 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 86877160 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_base_patch16_384_in21ft1k_Opset18_timm/deit3_base_patch16_384_in21ft1k_Opset18.onnx b/Computer_Vision/deit3_base_patch16_384_in21ft1k_Opset18_timm/deit3_base_patch16_384_in21ft1k_Opset18.onnx new file mode 100644 index 000000000..e06387383 --- /dev/null +++ b/Computer_Vision/deit3_base_patch16_384_in21ft1k_Opset18_timm/deit3_base_patch16_384_in21ft1k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:139e7d3725792199e03c0d54bb37ddf6b01c0eb4d7f2360e6a176fcf72c77384 +size 347609764 diff --git a/Computer_Vision/deit3_base_patch16_384_in21ft1k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/deit3_base_patch16_384_in21ft1k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9ef370d9a --- /dev/null +++ b/Computer_Vision/deit3_base_patch16_384_in21ft1k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.990909099578857 + set_success: 0.021660566329956055 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_base_patch16_384_in21ft1k_timm_814f84e5/onnx/deit3_base_patch16_384_in21ft1k_timm_814f84e5-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_base_patch16_384_in21ft1k.py +class: VisionTransformer +hash: 9716f948 +model_name: deit3_base_patch16_384_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 339462.6924 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 73 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 86877160 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_huge_patch14_224_Opset16_timm/deit3_huge_patch14_224_Opset16.tar.gz b/Computer_Vision/deit3_huge_patch14_224_Opset16_timm/deit3_huge_patch14_224_Opset16.tar.gz new file mode 100644 index 000000000..383cd4b1a --- /dev/null +++ b/Computer_Vision/deit3_huge_patch14_224_Opset16_timm/deit3_huge_patch14_224_Opset16.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8be1c130dc9e04e35ae82c5a094265e01e5a890ba08f68e7694e7fd96009cbbe +size 2362202868 diff --git a/Computer_Vision/deit3_huge_patch14_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/deit3_huge_patch14_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..52ce6a97c --- /dev/null +++ b/Computer_Vision/deit3_huge_patch14_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 22.574659824371338 + set_success: 0.03451347351074219 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_huge_patch14_224_timm_ddb32d69/onnx/deit3_huge_patch14_224_timm_ddb32d69-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_huge_patch14_224.py +class: VisionTransformer +hash: 509df9c0 +model_name: deit3_huge_patch14_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): null +onnx_ops_counter: + Add: 355 + Cast: 32 + Concat: 2 + Constant: 522 + ConstantOfShape: 1 + Conv: 1 + Div: 129 + Equal: 1 + Erf: 32 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 192 + Mul: 258 + Pow: 65 + ReduceMean: 130 + Reshape: 65 + Shape: 33 + Slice: 33 + Softmax: 32 + Split: 32 + Sqrt: 161 + Squeeze: 96 + Sub: 65 + Transpose: 97 + Where: 1 +parameters: 632126440 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_huge_patch14_224_Opset17_timm/deit3_huge_patch14_224_Opset17.tar.gz b/Computer_Vision/deit3_huge_patch14_224_Opset17_timm/deit3_huge_patch14_224_Opset17.tar.gz new file mode 100644 index 000000000..6b8c558cf --- /dev/null +++ b/Computer_Vision/deit3_huge_patch14_224_Opset17_timm/deit3_huge_patch14_224_Opset17.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dee9436bd0c1585ee285c2bd481a7988dd647b8496bd47de300873804bbf642a +size 2362209954 diff --git a/Computer_Vision/deit3_huge_patch14_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/deit3_huge_patch14_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a8c050a8e --- /dev/null +++ b/Computer_Vision/deit3_huge_patch14_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 18.886197328567505 + set_success: 1.7112836837768555 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_huge_patch14_224_timm_ddb32d69/onnx/deit3_huge_patch14_224_timm_ddb32d69-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_huge_patch14_224.py +class: VisionTransformer +hash: 509df9c0 +model_name: deit3_huge_patch14_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): null +onnx_ops_counter: + Add: 225 + Cast: 32 + Concat: 2 + Constant: 392 + ConstantOfShape: 1 + Conv: 1 + Div: 64 + Equal: 1 + Erf: 32 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 65 + MatMul: 192 + Mul: 193 + Reshape: 65 + Shape: 33 + Slice: 33 + Softmax: 32 + Split: 32 + Sqrt: 96 + Squeeze: 96 + Transpose: 97 + Where: 1 +parameters: 632126440 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_huge_patch14_224_Opset18_timm/deit3_huge_patch14_224_Opset18.tar.gz b/Computer_Vision/deit3_huge_patch14_224_Opset18_timm/deit3_huge_patch14_224_Opset18.tar.gz new file mode 100644 index 000000000..975a8a2ab --- /dev/null +++ b/Computer_Vision/deit3_huge_patch14_224_Opset18_timm/deit3_huge_patch14_224_Opset18.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:502d1fb9ce666aa26d4359d671829c4b419f5c55f96cbe382cdc77b83aad62ca +size 2362210230 diff --git a/Computer_Vision/deit3_huge_patch14_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/deit3_huge_patch14_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a1250c2d1 --- /dev/null +++ b/Computer_Vision/deit3_huge_patch14_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 18.10587453842163 + set_success: 3.7907471656799316 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_huge_patch14_224_timm_ddb32d69/onnx/deit3_huge_patch14_224_timm_ddb32d69-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_huge_patch14_224.py +class: VisionTransformer +hash: 509df9c0 +model_name: deit3_huge_patch14_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): null +onnx_ops_counter: + Add: 225 + Cast: 32 + Concat: 2 + Constant: 392 + ConstantOfShape: 1 + Conv: 1 + Div: 64 + Equal: 1 + Erf: 32 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 65 + MatMul: 192 + Mul: 193 + Reshape: 65 + Shape: 33 + Slice: 33 + Softmax: 32 + Split: 32 + Sqrt: 96 + Squeeze: 96 + Transpose: 97 + Where: 1 +parameters: 632126440 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_huge_patch14_224_in21ft1k_Opset16_timm/deit3_huge_patch14_224_in21ft1k_Opset16.tar.gz b/Computer_Vision/deit3_huge_patch14_224_in21ft1k_Opset16_timm/deit3_huge_patch14_224_in21ft1k_Opset16.tar.gz new file mode 100644 index 000000000..eaf8f3fd5 --- /dev/null +++ b/Computer_Vision/deit3_huge_patch14_224_in21ft1k_Opset16_timm/deit3_huge_patch14_224_in21ft1k_Opset16.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b38d9838ec51512439017763a73d3d8987a1f0e7a81b6829d281aa121e50f24 +size 2347950466 diff --git a/Computer_Vision/deit3_huge_patch14_224_in21ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/deit3_huge_patch14_224_in21ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e18ef8e2c --- /dev/null +++ b/Computer_Vision/deit3_huge_patch14_224_in21ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 21.983185291290283 + set_success: 0.8828203678131104 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_huge_patch14_224_in21ft1k_timm_ddb32d69/onnx/deit3_huge_patch14_224_in21ft1k_timm_ddb32d69-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_huge_patch14_224_in21ft1k.py +class: VisionTransformer +hash: 509df9c0 +model_name: deit3_huge_patch14_224_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): null +onnx_ops_counter: + Add: 355 + Cast: 32 + Concat: 2 + Constant: 522 + ConstantOfShape: 1 + Conv: 1 + Div: 129 + Equal: 1 + Erf: 32 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 192 + Mul: 258 + Pow: 65 + ReduceMean: 130 + Reshape: 65 + Shape: 33 + Slice: 33 + Softmax: 32 + Split: 32 + Sqrt: 161 + Squeeze: 96 + Sub: 65 + Transpose: 97 + Where: 1 +parameters: 632126440 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_huge_patch14_224_in21ft1k_Opset17_timm/deit3_huge_patch14_224_in21ft1k_Opset17.tar.gz b/Computer_Vision/deit3_huge_patch14_224_in21ft1k_Opset17_timm/deit3_huge_patch14_224_in21ft1k_Opset17.tar.gz new file mode 100644 index 000000000..9b381f261 --- /dev/null +++ b/Computer_Vision/deit3_huge_patch14_224_in21ft1k_Opset17_timm/deit3_huge_patch14_224_in21ft1k_Opset17.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e4f671611e174fc81628773095c573af756f3f596c0762de085cc483092e2d8 +size 2347943065 diff --git a/Computer_Vision/deit3_huge_patch14_224_in21ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/deit3_huge_patch14_224_in21ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9f5c4838c --- /dev/null +++ b/Computer_Vision/deit3_huge_patch14_224_in21ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.7059588432312 + set_success: 0.7984306812286377 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_huge_patch14_224_in21ft1k_timm_ddb32d69/onnx/deit3_huge_patch14_224_in21ft1k_timm_ddb32d69-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_huge_patch14_224_in21ft1k.py +class: VisionTransformer +hash: 509df9c0 +model_name: deit3_huge_patch14_224_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): null +onnx_ops_counter: + Add: 225 + Cast: 32 + Concat: 2 + Constant: 392 + ConstantOfShape: 1 + Conv: 1 + Div: 64 + Equal: 1 + Erf: 32 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 65 + MatMul: 192 + Mul: 193 + Reshape: 65 + Shape: 33 + Slice: 33 + Softmax: 32 + Split: 32 + Sqrt: 96 + Squeeze: 96 + Transpose: 97 + Where: 1 +parameters: 632126440 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_huge_patch14_224_in21ft1k_Opset18_timm/deit3_huge_patch14_224_in21ft1k_Opset18.tar.gz b/Computer_Vision/deit3_huge_patch14_224_in21ft1k_Opset18_timm/deit3_huge_patch14_224_in21ft1k_Opset18.tar.gz new file mode 100644 index 000000000..605a802be --- /dev/null +++ b/Computer_Vision/deit3_huge_patch14_224_in21ft1k_Opset18_timm/deit3_huge_patch14_224_in21ft1k_Opset18.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb839410c37ded59426332c087d7bcc0dad2669785dbdd4c2df4710ddd7d2959 +size 2347944692 diff --git a/Computer_Vision/deit3_huge_patch14_224_in21ft1k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/deit3_huge_patch14_224_in21ft1k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4714ae58b --- /dev/null +++ b/Computer_Vision/deit3_huge_patch14_224_in21ft1k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.514638423919678 + set_success: 0.038609981536865234 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_huge_patch14_224_in21ft1k_timm_ddb32d69/onnx/deit3_huge_patch14_224_in21ft1k_timm_ddb32d69-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_huge_patch14_224_in21ft1k.py +class: VisionTransformer +hash: 509df9c0 +model_name: deit3_huge_patch14_224_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): null +onnx_ops_counter: + Add: 225 + Cast: 32 + Concat: 2 + Constant: 392 + ConstantOfShape: 1 + Conv: 1 + Div: 64 + Equal: 1 + Erf: 32 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 65 + MatMul: 192 + Mul: 193 + Reshape: 65 + Shape: 33 + Slice: 33 + Softmax: 32 + Split: 32 + Sqrt: 96 + Squeeze: 96 + Transpose: 97 + Where: 1 +parameters: 632126440 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_large_patch16_224_Opset16_timm/deit3_large_patch16_224_Opset16.onnx b/Computer_Vision/deit3_large_patch16_224_Opset16_timm/deit3_large_patch16_224_Opset16.onnx new file mode 100644 index 000000000..9e2938995 --- /dev/null +++ b/Computer_Vision/deit3_large_patch16_224_Opset16_timm/deit3_large_patch16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:596936aaf62a491b8c67265a55832ddd6157ff343b33135e12b7f5255e2f4eb9 +size 1217762966 diff --git a/Computer_Vision/deit3_large_patch16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/deit3_large_patch16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..88cfbed14 --- /dev/null +++ b/Computer_Vision/deit3_large_patch16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.745583534240723 + set_success: 0.02435922622680664 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_large_patch16_224_timm_645bb894/onnx/deit3_large_patch16_224_timm_645bb894-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_large_patch16_224.py +class: VisionTransformer +hash: 67cb5ebf +model_name: deit3_large_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1189221.6787 +onnx_ops_counter: + Add: 267 + Cast: 24 + Concat: 2 + Constant: 394 + ConstantOfShape: 1 + Conv: 1 + Div: 97 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 144 + Mul: 194 + Pow: 49 + ReduceMean: 98 + Reshape: 49 + Shape: 25 + Slice: 25 + Softmax: 24 + Split: 24 + Sqrt: 121 + Squeeze: 72 + Sub: 49 + Transpose: 73 + Where: 1 +parameters: 304374760 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_large_patch16_224_Opset17_timm/deit3_large_patch16_224_Opset17.onnx b/Computer_Vision/deit3_large_patch16_224_Opset17_timm/deit3_large_patch16_224_Opset17.onnx new file mode 100644 index 000000000..8e77cd429 --- /dev/null +++ b/Computer_Vision/deit3_large_patch16_224_Opset17_timm/deit3_large_patch16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1c3a606cfe78099c1e31fc9234ce6ec223cb6427262586f1a398fff98ed92ed +size 1217700340 diff --git a/Computer_Vision/deit3_large_patch16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/deit3_large_patch16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4f4bcd886 --- /dev/null +++ b/Computer_Vision/deit3_large_patch16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.557250261306763 + set_success: 0.02329730987548828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_large_patch16_224_timm_645bb894/onnx/deit3_large_patch16_224_timm_645bb894-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_large_patch16_224.py +class: VisionTransformer +hash: 67cb5ebf +model_name: deit3_large_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1189160.5205 +onnx_ops_counter: + Add: 169 + Cast: 24 + Concat: 2 + Constant: 296 + ConstantOfShape: 1 + Conv: 1 + Div: 48 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 49 + MatMul: 144 + Mul: 145 + Reshape: 49 + Shape: 25 + Slice: 25 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 72 + Transpose: 73 + Where: 1 +parameters: 304374760 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_large_patch16_224_Opset18_timm/deit3_large_patch16_224_Opset18.onnx b/Computer_Vision/deit3_large_patch16_224_Opset18_timm/deit3_large_patch16_224_Opset18.onnx new file mode 100644 index 000000000..1b714675b --- /dev/null +++ b/Computer_Vision/deit3_large_patch16_224_Opset18_timm/deit3_large_patch16_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1662c203b37db679e02265643d1c2c5e5be9d1dc7a4fb706d87e44efd457f55f +size 1217700340 diff --git a/Computer_Vision/deit3_large_patch16_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/deit3_large_patch16_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a2302311d --- /dev/null +++ b/Computer_Vision/deit3_large_patch16_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.035569667816162 + set_success: 0.023325681686401367 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_large_patch16_224_timm_645bb894/onnx/deit3_large_patch16_224_timm_645bb894-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_large_patch16_224.py +class: VisionTransformer +hash: 67cb5ebf +model_name: deit3_large_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1189160.5205 +onnx_ops_counter: + Add: 169 + Cast: 24 + Concat: 2 + Constant: 296 + ConstantOfShape: 1 + Conv: 1 + Div: 48 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 49 + MatMul: 144 + Mul: 145 + Reshape: 49 + Shape: 25 + Slice: 25 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 72 + Transpose: 73 + Where: 1 +parameters: 304374760 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_large_patch16_224_in21ft1k_Opset16_timm/deit3_large_patch16_224_in21ft1k_Opset16.onnx b/Computer_Vision/deit3_large_patch16_224_in21ft1k_Opset16_timm/deit3_large_patch16_224_in21ft1k_Opset16.onnx new file mode 100644 index 000000000..aa3d3afbd --- /dev/null +++ b/Computer_Vision/deit3_large_patch16_224_in21ft1k_Opset16_timm/deit3_large_patch16_224_in21ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a4df94bea9ff59efd8728e93b0ff7b488c34898040e59612a3bc0913f14bb77 +size 1217762966 diff --git a/Computer_Vision/deit3_large_patch16_224_in21ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/deit3_large_patch16_224_in21ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..675ad4957 --- /dev/null +++ b/Computer_Vision/deit3_large_patch16_224_in21ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.782813787460327 + set_success: 0.02205348014831543 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_large_patch16_224_in21ft1k_timm_645bb894/onnx/deit3_large_patch16_224_in21ft1k_timm_645bb894-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_large_patch16_224_in21ft1k.py +class: VisionTransformer +hash: 67cb5ebf +model_name: deit3_large_patch16_224_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1189221.6787 +onnx_ops_counter: + Add: 267 + Cast: 24 + Concat: 2 + Constant: 394 + ConstantOfShape: 1 + Conv: 1 + Div: 97 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 144 + Mul: 194 + Pow: 49 + ReduceMean: 98 + Reshape: 49 + Shape: 25 + Slice: 25 + Softmax: 24 + Split: 24 + Sqrt: 121 + Squeeze: 72 + Sub: 49 + Transpose: 73 + Where: 1 +parameters: 304374760 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_large_patch16_224_in21ft1k_Opset17_timm/deit3_large_patch16_224_in21ft1k_Opset17.onnx b/Computer_Vision/deit3_large_patch16_224_in21ft1k_Opset17_timm/deit3_large_patch16_224_in21ft1k_Opset17.onnx new file mode 100644 index 000000000..10c527e42 --- /dev/null +++ b/Computer_Vision/deit3_large_patch16_224_in21ft1k_Opset17_timm/deit3_large_patch16_224_in21ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:372ecca12e873cd3252721b73a60ebe218f85570349055ccfeed9fa3e010a082 +size 1217700340 diff --git a/Computer_Vision/deit3_large_patch16_224_in21ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/deit3_large_patch16_224_in21ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7352a983c --- /dev/null +++ b/Computer_Vision/deit3_large_patch16_224_in21ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.44171667098999 + set_success: 0.021648168563842773 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_large_patch16_224_in21ft1k_timm_645bb894/onnx/deit3_large_patch16_224_in21ft1k_timm_645bb894-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_large_patch16_224_in21ft1k.py +class: VisionTransformer +hash: 67cb5ebf +model_name: deit3_large_patch16_224_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1189160.5205 +onnx_ops_counter: + Add: 169 + Cast: 24 + Concat: 2 + Constant: 296 + ConstantOfShape: 1 + Conv: 1 + Div: 48 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 49 + MatMul: 144 + Mul: 145 + Reshape: 49 + Shape: 25 + Slice: 25 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 72 + Transpose: 73 + Where: 1 +parameters: 304374760 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_large_patch16_224_in21ft1k_Opset18_timm/deit3_large_patch16_224_in21ft1k_Opset18.onnx b/Computer_Vision/deit3_large_patch16_224_in21ft1k_Opset18_timm/deit3_large_patch16_224_in21ft1k_Opset18.onnx new file mode 100644 index 000000000..cbce765e4 --- /dev/null +++ b/Computer_Vision/deit3_large_patch16_224_in21ft1k_Opset18_timm/deit3_large_patch16_224_in21ft1k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08f937b31b8c6a51bba5c5036000c71966364c9b417949341aa836859d67a486 +size 1217700340 diff --git a/Computer_Vision/deit3_large_patch16_224_in21ft1k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/deit3_large_patch16_224_in21ft1k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2b6514dd3 --- /dev/null +++ b/Computer_Vision/deit3_large_patch16_224_in21ft1k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.175489902496338 + set_success: 0.018749713897705078 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_large_patch16_224_in21ft1k_timm_645bb894/onnx/deit3_large_patch16_224_in21ft1k_timm_645bb894-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_large_patch16_224_in21ft1k.py +class: VisionTransformer +hash: 67cb5ebf +model_name: deit3_large_patch16_224_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1189160.5205 +onnx_ops_counter: + Add: 169 + Cast: 24 + Concat: 2 + Constant: 296 + ConstantOfShape: 1 + Conv: 1 + Div: 48 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 49 + MatMul: 144 + Mul: 145 + Reshape: 49 + Shape: 25 + Slice: 25 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 72 + Transpose: 73 + Where: 1 +parameters: 304374760 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_large_patch16_384_Opset16_timm/deit3_large_patch16_384_Opset16.onnx b/Computer_Vision/deit3_large_patch16_384_Opset16_timm/deit3_large_patch16_384_Opset16.onnx new file mode 100644 index 000000000..2d538e4e8 --- /dev/null +++ b/Computer_Vision/deit3_large_patch16_384_Opset16_timm/deit3_large_patch16_384_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:67bcc8ae4163e854e60eefd6d1b179dc9a1dda8cf89689c42b431a13242e7361 +size 1219319448 diff --git a/Computer_Vision/deit3_large_patch16_384_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/deit3_large_patch16_384_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3ca8388e0 --- /dev/null +++ b/Computer_Vision/deit3_large_patch16_384_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.329323768615723 + set_success: 0.02808380126953125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_large_patch16_384_timm_cb88e0e4/onnx/deit3_large_patch16_384_timm_cb88e0e4-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_large_patch16_384.py +class: VisionTransformer +hash: 67cb5ebf +model_name: deit3_large_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1190741.6807 +onnx_ops_counter: + Add: 267 + Cast: 24 + Concat: 2 + Constant: 394 + ConstantOfShape: 1 + Conv: 1 + Div: 97 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 144 + Mul: 194 + Pow: 49 + ReduceMean: 98 + Reshape: 49 + Shape: 25 + Slice: 25 + Softmax: 24 + Split: 24 + Sqrt: 121 + Squeeze: 72 + Sub: 49 + Transpose: 73 + Where: 1 +parameters: 304763880 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_large_patch16_384_Opset17_timm/deit3_large_patch16_384_Opset17.onnx b/Computer_Vision/deit3_large_patch16_384_Opset17_timm/deit3_large_patch16_384_Opset17.onnx new file mode 100644 index 000000000..308b80032 --- /dev/null +++ b/Computer_Vision/deit3_large_patch16_384_Opset17_timm/deit3_large_patch16_384_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9fce11c432a58575d9f7d4457c5ff0c75e202c5f7a8f1723cbd7d3ccebed6244 +size 1219256822 diff --git a/Computer_Vision/deit3_large_patch16_384_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/deit3_large_patch16_384_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..fc666a1d4 --- /dev/null +++ b/Computer_Vision/deit3_large_patch16_384_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 25.818549871444702 + set_success: 0.1811220645904541 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_large_patch16_384_timm_cb88e0e4/onnx/deit3_large_patch16_384_timm_cb88e0e4-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_large_patch16_384.py +class: VisionTransformer +hash: 67cb5ebf +model_name: deit3_large_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1190680.5225 +onnx_ops_counter: + Add: 169 + Cast: 24 + Concat: 2 + Constant: 296 + ConstantOfShape: 1 + Conv: 1 + Div: 48 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 49 + MatMul: 144 + Mul: 145 + Reshape: 49 + Shape: 25 + Slice: 25 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 72 + Transpose: 73 + Where: 1 +parameters: 304763880 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_large_patch16_384_Opset18_timm/deit3_large_patch16_384_Opset18.onnx b/Computer_Vision/deit3_large_patch16_384_Opset18_timm/deit3_large_patch16_384_Opset18.onnx new file mode 100644 index 000000000..ca7a6f007 --- /dev/null +++ b/Computer_Vision/deit3_large_patch16_384_Opset18_timm/deit3_large_patch16_384_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e48a48f6d661b8ecadd5bbd5a891f445212c54ba3a666e6b3d4f9b1599e734c4 +size 1219256822 diff --git a/Computer_Vision/deit3_large_patch16_384_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/deit3_large_patch16_384_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ff183cfea --- /dev/null +++ b/Computer_Vision/deit3_large_patch16_384_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.69896960258484 + set_success: 0.030872583389282227 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_large_patch16_384_timm_cb88e0e4/onnx/deit3_large_patch16_384_timm_cb88e0e4-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_large_patch16_384.py +class: VisionTransformer +hash: 67cb5ebf +model_name: deit3_large_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1190680.5225 +onnx_ops_counter: + Add: 169 + Cast: 24 + Concat: 2 + Constant: 296 + ConstantOfShape: 1 + Conv: 1 + Div: 48 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 49 + MatMul: 144 + Mul: 145 + Reshape: 49 + Shape: 25 + Slice: 25 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 72 + Transpose: 73 + Where: 1 +parameters: 304763880 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_large_patch16_384_in21ft1k_Opset16_timm/deit3_large_patch16_384_in21ft1k_Opset16.onnx b/Computer_Vision/deit3_large_patch16_384_in21ft1k_Opset16_timm/deit3_large_patch16_384_in21ft1k_Opset16.onnx new file mode 100644 index 000000000..8119f9758 --- /dev/null +++ b/Computer_Vision/deit3_large_patch16_384_in21ft1k_Opset16_timm/deit3_large_patch16_384_in21ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:17cd43621e165847acc93e9cc8b809cf6b235cecf05e11760fec09ee152e418b +size 1219319448 diff --git a/Computer_Vision/deit3_large_patch16_384_in21ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/deit3_large_patch16_384_in21ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5249e698f --- /dev/null +++ b/Computer_Vision/deit3_large_patch16_384_in21ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.875985383987427 + set_success: 0.02441263198852539 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_large_patch16_384_in21ft1k_timm_cb88e0e4/onnx/deit3_large_patch16_384_in21ft1k_timm_cb88e0e4-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_large_patch16_384_in21ft1k.py +class: VisionTransformer +hash: 67cb5ebf +model_name: deit3_large_patch16_384_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1190741.6807 +onnx_ops_counter: + Add: 267 + Cast: 24 + Concat: 2 + Constant: 394 + ConstantOfShape: 1 + Conv: 1 + Div: 97 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 144 + Mul: 194 + Pow: 49 + ReduceMean: 98 + Reshape: 49 + Shape: 25 + Slice: 25 + Softmax: 24 + Split: 24 + Sqrt: 121 + Squeeze: 72 + Sub: 49 + Transpose: 73 + Where: 1 +parameters: 304763880 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_large_patch16_384_in21ft1k_Opset17_timm/deit3_large_patch16_384_in21ft1k_Opset17.onnx b/Computer_Vision/deit3_large_patch16_384_in21ft1k_Opset17_timm/deit3_large_patch16_384_in21ft1k_Opset17.onnx new file mode 100644 index 000000000..4bc9c670a --- /dev/null +++ b/Computer_Vision/deit3_large_patch16_384_in21ft1k_Opset17_timm/deit3_large_patch16_384_in21ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:97b28dd64721d35aff3813eb1ad8a1dc4aa9a2ccefdf0030816f3950054ba098 +size 1219256822 diff --git a/Computer_Vision/deit3_large_patch16_384_in21ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/deit3_large_patch16_384_in21ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6694a197b --- /dev/null +++ b/Computer_Vision/deit3_large_patch16_384_in21ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.60539150238037 + set_success: 0.028325557708740234 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_large_patch16_384_in21ft1k_timm_cb88e0e4/onnx/deit3_large_patch16_384_in21ft1k_timm_cb88e0e4-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_large_patch16_384_in21ft1k.py +class: VisionTransformer +hash: 67cb5ebf +model_name: deit3_large_patch16_384_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1190680.5225 +onnx_ops_counter: + Add: 169 + Cast: 24 + Concat: 2 + Constant: 296 + ConstantOfShape: 1 + Conv: 1 + Div: 48 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 49 + MatMul: 144 + Mul: 145 + Reshape: 49 + Shape: 25 + Slice: 25 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 72 + Transpose: 73 + Where: 1 +parameters: 304763880 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_large_patch16_384_in21ft1k_Opset18_timm/deit3_large_patch16_384_in21ft1k_Opset18.onnx b/Computer_Vision/deit3_large_patch16_384_in21ft1k_Opset18_timm/deit3_large_patch16_384_in21ft1k_Opset18.onnx new file mode 100644 index 000000000..511abb727 --- /dev/null +++ b/Computer_Vision/deit3_large_patch16_384_in21ft1k_Opset18_timm/deit3_large_patch16_384_in21ft1k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b8d16d24248b0c945329eab43caaa6cd354a74d3d4dd7b63c6534f6d39d6aca +size 1219256822 diff --git a/Computer_Vision/deit3_large_patch16_384_in21ft1k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/deit3_large_patch16_384_in21ft1k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7c05819b5 --- /dev/null +++ b/Computer_Vision/deit3_large_patch16_384_in21ft1k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.871431827545166 + set_success: 0.029066085815429688 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_large_patch16_384_in21ft1k_timm_cb88e0e4/onnx/deit3_large_patch16_384_in21ft1k_timm_cb88e0e4-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_large_patch16_384_in21ft1k.py +class: VisionTransformer +hash: 67cb5ebf +model_name: deit3_large_patch16_384_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1190680.5225 +onnx_ops_counter: + Add: 169 + Cast: 24 + Concat: 2 + Constant: 296 + ConstantOfShape: 1 + Conv: 1 + Div: 48 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 49 + MatMul: 144 + Mul: 145 + Reshape: 49 + Shape: 25 + Slice: 25 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 72 + Transpose: 73 + Where: 1 +parameters: 304763880 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_small_patch16_224_Opset16_timm/deit3_small_patch16_224_Opset16.onnx b/Computer_Vision/deit3_small_patch16_224_Opset16_timm/deit3_small_patch16_224_Opset16.onnx new file mode 100644 index 000000000..410a17891 --- /dev/null +++ b/Computer_Vision/deit3_small_patch16_224_Opset16_timm/deit3_small_patch16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c2dbd9cd2daed10a022d476da23efa5a0f2871923367325213d96e97f475890 +size 88370409 diff --git a/Computer_Vision/deit3_small_patch16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/deit3_small_patch16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..80ad0d657 --- /dev/null +++ b/Computer_Vision/deit3_small_patch16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0267133712768555 + set_success: 0.018019676208496094 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_small_patch16_224_timm_3c8c2160/onnx/deit3_small_patch16_224_timm_3c8c2160-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_small_patch16_224.py +class: VisionTransformer +hash: dc9847f3 +model_name: deit3_small_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 86299.2598 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 98 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 22059496 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_small_patch16_224_Opset17_timm/deit3_small_patch16_224_Opset17.onnx b/Computer_Vision/deit3_small_patch16_224_Opset17_timm/deit3_small_patch16_224_Opset17.onnx new file mode 100644 index 000000000..0a96c1ef5 --- /dev/null +++ b/Computer_Vision/deit3_small_patch16_224_Opset17_timm/deit3_small_patch16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf91347e3c0ec20026c88d96f69244195268e06ab2506dcc6dc8d8c4a6b38671 +size 88339055 diff --git a/Computer_Vision/deit3_small_patch16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/deit3_small_patch16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c126b1e12 --- /dev/null +++ b/Computer_Vision/deit3_small_patch16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9634487628936768 + set_success: 0.016188621520996094 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_small_patch16_224_timm_3c8c2160/onnx/deit3_small_patch16_224_timm_3c8c2160-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_small_patch16_224.py +class: VisionTransformer +hash: dc9847f3 +model_name: deit3_small_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 86268.6406 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 73 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 22059496 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_small_patch16_224_Opset18_timm/deit3_small_patch16_224_Opset18.onnx b/Computer_Vision/deit3_small_patch16_224_Opset18_timm/deit3_small_patch16_224_Opset18.onnx new file mode 100644 index 000000000..23747fd5c --- /dev/null +++ b/Computer_Vision/deit3_small_patch16_224_Opset18_timm/deit3_small_patch16_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05b5f2800685e6f3d3f80676950037d9ea4914ee3ac5091c858c5bbd5596cc70 +size 88339055 diff --git a/Computer_Vision/deit3_small_patch16_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/deit3_small_patch16_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5c7295a41 --- /dev/null +++ b/Computer_Vision/deit3_small_patch16_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.940445899963379 + set_success: 0.018398284912109375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_small_patch16_224_timm_3c8c2160/onnx/deit3_small_patch16_224_timm_3c8c2160-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_small_patch16_224.py +class: VisionTransformer +hash: dc9847f3 +model_name: deit3_small_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 86268.6406 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 73 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 22059496 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_small_patch16_224_in21ft1k_Opset16_timm/deit3_small_patch16_224_in21ft1k_Opset16.onnx b/Computer_Vision/deit3_small_patch16_224_in21ft1k_Opset16_timm/deit3_small_patch16_224_in21ft1k_Opset16.onnx new file mode 100644 index 000000000..192acee8c --- /dev/null +++ b/Computer_Vision/deit3_small_patch16_224_in21ft1k_Opset16_timm/deit3_small_patch16_224_in21ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea22e197da67f42c6e8ae77082bbb06275af9a8c400598042fcb22101b64299e +size 88370409 diff --git a/Computer_Vision/deit3_small_patch16_224_in21ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/deit3_small_patch16_224_in21ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..75ee7400c --- /dev/null +++ b/Computer_Vision/deit3_small_patch16_224_in21ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9763002395629883 + set_success: 0.016743898391723633 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_small_patch16_224_in21ft1k_timm_3c8c2160/onnx/deit3_small_patch16_224_in21ft1k_timm_3c8c2160-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_small_patch16_224_in21ft1k.py +class: VisionTransformer +hash: dc9847f3 +model_name: deit3_small_patch16_224_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 86299.2598 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 98 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 22059496 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_small_patch16_224_in21ft1k_Opset17_timm/deit3_small_patch16_224_in21ft1k_Opset17.onnx b/Computer_Vision/deit3_small_patch16_224_in21ft1k_Opset17_timm/deit3_small_patch16_224_in21ft1k_Opset17.onnx new file mode 100644 index 000000000..b91c00089 --- /dev/null +++ b/Computer_Vision/deit3_small_patch16_224_in21ft1k_Opset17_timm/deit3_small_patch16_224_in21ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:644396883f6ffac76015c020ed2d07ebdb702e127b634e98f1fa412331d9e934 +size 88339055 diff --git a/Computer_Vision/deit3_small_patch16_224_in21ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/deit3_small_patch16_224_in21ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0c2fa6bda --- /dev/null +++ b/Computer_Vision/deit3_small_patch16_224_in21ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9059603214263916 + set_success: 0.01725029945373535 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_small_patch16_224_in21ft1k_timm_3c8c2160/onnx/deit3_small_patch16_224_in21ft1k_timm_3c8c2160-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_small_patch16_224_in21ft1k.py +class: VisionTransformer +hash: dc9847f3 +model_name: deit3_small_patch16_224_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 86268.6406 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 73 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 22059496 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_small_patch16_224_in21ft1k_Opset18_timm/deit3_small_patch16_224_in21ft1k_Opset18.onnx b/Computer_Vision/deit3_small_patch16_224_in21ft1k_Opset18_timm/deit3_small_patch16_224_in21ft1k_Opset18.onnx new file mode 100644 index 000000000..50df26f1b --- /dev/null +++ b/Computer_Vision/deit3_small_patch16_224_in21ft1k_Opset18_timm/deit3_small_patch16_224_in21ft1k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7e6e7515b7aa92928ef8751cf7d60aa9b4544c13fd3368f089b3262e07cca567 +size 88339055 diff --git a/Computer_Vision/deit3_small_patch16_224_in21ft1k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/deit3_small_patch16_224_in21ft1k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f1faf0fe3 --- /dev/null +++ b/Computer_Vision/deit3_small_patch16_224_in21ft1k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.966292381286621 + set_success: 0.01790595054626465 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_small_patch16_224_in21ft1k_timm_3c8c2160/onnx/deit3_small_patch16_224_in21ft1k_timm_3c8c2160-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_small_patch16_224_in21ft1k.py +class: VisionTransformer +hash: dc9847f3 +model_name: deit3_small_patch16_224_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 86268.6406 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 73 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 22059496 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_small_patch16_384_Opset16_timm/deit3_small_patch16_384_Opset16.onnx b/Computer_Vision/deit3_small_patch16_384_Opset16_timm/deit3_small_patch16_384_Opset16.onnx new file mode 100644 index 000000000..484abdca2 --- /dev/null +++ b/Computer_Vision/deit3_small_patch16_384_Opset16_timm/deit3_small_patch16_384_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d382f61344645d83f0f251aabb701a0abdf761b0ec73ab71241f0aeaadaf160 +size 88954089 diff --git a/Computer_Vision/deit3_small_patch16_384_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/deit3_small_patch16_384_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..79af0efb5 --- /dev/null +++ b/Computer_Vision/deit3_small_patch16_384_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.28471302986145 + set_success: 0.019931316375732422 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_small_patch16_384_timm_5c0e8e15/onnx/deit3_small_patch16_384_timm_5c0e8e15-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_small_patch16_384.py +class: VisionTransformer +hash: dc9847f3 +model_name: deit3_small_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 86869.2598 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 98 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 22205416 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_small_patch16_384_Opset17_timm/deit3_small_patch16_384_Opset17.onnx b/Computer_Vision/deit3_small_patch16_384_Opset17_timm/deit3_small_patch16_384_Opset17.onnx new file mode 100644 index 000000000..c4b5b8fda --- /dev/null +++ b/Computer_Vision/deit3_small_patch16_384_Opset17_timm/deit3_small_patch16_384_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f780b2f22f4770b50dd4c0393d9eb18086a0cf0df0f5e124c88589307b09234 +size 88922735 diff --git a/Computer_Vision/deit3_small_patch16_384_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/deit3_small_patch16_384_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..80713b02d --- /dev/null +++ b/Computer_Vision/deit3_small_patch16_384_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.039064645767212 + set_success: 0.018756628036499023 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_small_patch16_384_timm_5c0e8e15/onnx/deit3_small_patch16_384_timm_5c0e8e15-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_small_patch16_384.py +class: VisionTransformer +hash: dc9847f3 +model_name: deit3_small_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 86838.6406 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 73 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 22205416 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_small_patch16_384_Opset18_timm/deit3_small_patch16_384_Opset18.onnx b/Computer_Vision/deit3_small_patch16_384_Opset18_timm/deit3_small_patch16_384_Opset18.onnx new file mode 100644 index 000000000..36328851b --- /dev/null +++ b/Computer_Vision/deit3_small_patch16_384_Opset18_timm/deit3_small_patch16_384_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f7fac26a534be95551e9e002f099b59a3ff54b455d8a0c73577274ffed92205 +size 88922735 diff --git a/Computer_Vision/deit3_small_patch16_384_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/deit3_small_patch16_384_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..55edeec23 --- /dev/null +++ b/Computer_Vision/deit3_small_patch16_384_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.2098817825317383 + set_success: 0.0191802978515625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_small_patch16_384_timm_5c0e8e15/onnx/deit3_small_patch16_384_timm_5c0e8e15-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_small_patch16_384.py +class: VisionTransformer +hash: dc9847f3 +model_name: deit3_small_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 86838.6406 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 73 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 22205416 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_small_patch16_384_in21ft1k_Opset16_timm/deit3_small_patch16_384_in21ft1k_Opset16.onnx b/Computer_Vision/deit3_small_patch16_384_in21ft1k_Opset16_timm/deit3_small_patch16_384_in21ft1k_Opset16.onnx new file mode 100644 index 000000000..469c3123d --- /dev/null +++ b/Computer_Vision/deit3_small_patch16_384_in21ft1k_Opset16_timm/deit3_small_patch16_384_in21ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b50f139c7af82ab2642da7fb690a1ba5798731fe9a8c2f75a5e4c01c619064a1 +size 88954089 diff --git a/Computer_Vision/deit3_small_patch16_384_in21ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/deit3_small_patch16_384_in21ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f1c9fdd79 --- /dev/null +++ b/Computer_Vision/deit3_small_patch16_384_in21ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.2110698223114014 + set_success: 0.018553733825683594 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_small_patch16_384_in21ft1k_timm_5c0e8e15/onnx/deit3_small_patch16_384_in21ft1k_timm_5c0e8e15-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_small_patch16_384_in21ft1k.py +class: VisionTransformer +hash: dc9847f3 +model_name: deit3_small_patch16_384_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 86869.2598 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 98 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 22205416 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_small_patch16_384_in21ft1k_Opset17_timm/deit3_small_patch16_384_in21ft1k_Opset17.onnx b/Computer_Vision/deit3_small_patch16_384_in21ft1k_Opset17_timm/deit3_small_patch16_384_in21ft1k_Opset17.onnx new file mode 100644 index 000000000..f796c20f5 --- /dev/null +++ b/Computer_Vision/deit3_small_patch16_384_in21ft1k_Opset17_timm/deit3_small_patch16_384_in21ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3b503402b786ed06559b6b0716efc31f294d8b8a90b6e61852673ce7a4a4d1d +size 88922735 diff --git a/Computer_Vision/deit3_small_patch16_384_in21ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/deit3_small_patch16_384_in21ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2d48d7294 --- /dev/null +++ b/Computer_Vision/deit3_small_patch16_384_in21ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.1105659008026123 + set_success: 0.01768636703491211 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_small_patch16_384_in21ft1k_timm_5c0e8e15/onnx/deit3_small_patch16_384_in21ft1k_timm_5c0e8e15-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_small_patch16_384_in21ft1k.py +class: VisionTransformer +hash: dc9847f3 +model_name: deit3_small_patch16_384_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 86838.6406 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 73 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 22205416 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit3_small_patch16_384_in21ft1k_Opset18_timm/deit3_small_patch16_384_in21ft1k_Opset18.onnx b/Computer_Vision/deit3_small_patch16_384_in21ft1k_Opset18_timm/deit3_small_patch16_384_in21ft1k_Opset18.onnx new file mode 100644 index 000000000..9fd349be0 --- /dev/null +++ b/Computer_Vision/deit3_small_patch16_384_in21ft1k_Opset18_timm/deit3_small_patch16_384_in21ft1k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9cff4887f977001fcedb60e4f0037bd442a31318f9aa34183dab0aa6f5805d56 +size 88922735 diff --git a/Computer_Vision/deit3_small_patch16_384_in21ft1k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/deit3_small_patch16_384_in21ft1k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..226839a38 --- /dev/null +++ b/Computer_Vision/deit3_small_patch16_384_in21ft1k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.4833829402923584 + set_success: 0.022190570831298828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit3_small_patch16_384_in21ft1k_timm_5c0e8e15/onnx/deit3_small_patch16_384_in21ft1k_timm_5c0e8e15-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit3_small_patch16_384_in21ft1k.py +class: VisionTransformer +hash: dc9847f3 +model_name: deit3_small_patch16_384_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 86838.6406 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 73 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 22205416 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit_base_distilled_patch16_224_Opset16_timm/deit_base_distilled_patch16_224_Opset16.onnx b/Computer_Vision/deit_base_distilled_patch16_224_Opset16_timm/deit_base_distilled_patch16_224_Opset16.onnx new file mode 100644 index 000000000..d0618f73a --- /dev/null +++ b/Computer_Vision/deit_base_distilled_patch16_224_Opset16_timm/deit_base_distilled_patch16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42326e13f6af15f1210063e66cccca8167706485dd10571e30bd5c6aaa900d62 +size 349482928 diff --git a/Computer_Vision/deit_base_distilled_patch16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/deit_base_distilled_patch16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a7176792b --- /dev/null +++ b/Computer_Vision/deit_base_distilled_patch16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.751557111740112 + set_success: 0.017080307006835938 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit_base_distilled_patch16_224_timm_dd2c5fd0/onnx/deit_base_distilled_patch16_224_timm_dd2c5fd0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit_base_distilled_patch16_224.py +class: VisionTransformerDistilled +hash: e2a3bbaa +model_name: deit_base_distilled_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 341291.9541 +onnx_ops_counter: + Add: 136 + Cast: 12 + Concat: 2 + Constant: 207 + ConstantOfShape: 2 + Conv: 1 + Div: 50 + Equal: 2 + Erf: 12 + Expand: 2 + Gather: 2 + Gemm: 2 + MatMul: 72 + Mul: 75 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 2 +parameters: 87338192 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit_base_distilled_patch16_224_Opset17_timm/deit_base_distilled_patch16_224_Opset17.onnx b/Computer_Vision/deit_base_distilled_patch16_224_Opset17_timm/deit_base_distilled_patch16_224_Opset17.onnx new file mode 100644 index 000000000..7ae6fd7d4 --- /dev/null +++ b/Computer_Vision/deit_base_distilled_patch16_224_Opset17_timm/deit_base_distilled_patch16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a3754d5bb5b20c8a7236a36ef017c68acb1b913ddc0ecd66125c61abb72cfbfa +size 349451590 diff --git a/Computer_Vision/deit_base_distilled_patch16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/deit_base_distilled_patch16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b3368065e --- /dev/null +++ b/Computer_Vision/deit_base_distilled_patch16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.599197864532471 + set_success: 0.01891493797302246 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit_base_distilled_patch16_224_timm_dd2c5fd0/onnx/deit_base_distilled_patch16_224_timm_dd2c5fd0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit_base_distilled_patch16_224.py +class: VisionTransformerDistilled +hash: e2a3bbaa +model_name: deit_base_distilled_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 341261.3506 +onnx_ops_counter: + Add: 86 + Cast: 12 + Concat: 2 + Constant: 157 + ConstantOfShape: 2 + Conv: 1 + Div: 25 + Equal: 2 + Erf: 12 + Expand: 2 + Gather: 2 + Gemm: 2 + LayerNormalization: 25 + MatMul: 72 + Mul: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 2 +parameters: 87338192 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit_base_distilled_patch16_224_Opset18_timm/deit_base_distilled_patch16_224_Opset18.onnx b/Computer_Vision/deit_base_distilled_patch16_224_Opset18_timm/deit_base_distilled_patch16_224_Opset18.onnx new file mode 100644 index 000000000..953e6d2b5 --- /dev/null +++ b/Computer_Vision/deit_base_distilled_patch16_224_Opset18_timm/deit_base_distilled_patch16_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f71e79840353611c356e3a54d75ac9acd17d5736d4c651d2e83338985a5bcc8c +size 349451590 diff --git a/Computer_Vision/deit_base_distilled_patch16_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/deit_base_distilled_patch16_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0ece9104e --- /dev/null +++ b/Computer_Vision/deit_base_distilled_patch16_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.617021560668945 + set_success: 0.018031597137451172 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit_base_distilled_patch16_224_timm_dd2c5fd0/onnx/deit_base_distilled_patch16_224_timm_dd2c5fd0-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit_base_distilled_patch16_224.py +class: VisionTransformerDistilled +hash: e2a3bbaa +model_name: deit_base_distilled_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 341261.3506 +onnx_ops_counter: + Add: 86 + Cast: 12 + Concat: 2 + Constant: 157 + ConstantOfShape: 2 + Conv: 1 + Div: 25 + Equal: 2 + Erf: 12 + Expand: 2 + Gather: 2 + Gemm: 2 + LayerNormalization: 25 + MatMul: 72 + Mul: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 2 +parameters: 87338192 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit_base_distilled_patch16_384_Opset16_timm/deit_base_distilled_patch16_384_Opset16.onnx b/Computer_Vision/deit_base_distilled_patch16_384_Opset16_timm/deit_base_distilled_patch16_384_Opset16.onnx new file mode 100644 index 000000000..13f692209 --- /dev/null +++ b/Computer_Vision/deit_base_distilled_patch16_384_Opset16_timm/deit_base_distilled_patch16_384_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:370cbaacb1cecf8bc9c83bddbd56663725378390114eb14cd1c391e23f5e0f84 +size 350650288 diff --git a/Computer_Vision/deit_base_distilled_patch16_384_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/deit_base_distilled_patch16_384_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4abecd7f3 --- /dev/null +++ b/Computer_Vision/deit_base_distilled_patch16_384_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.0612499713897705 + set_success: 0.020708084106445312 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit_base_distilled_patch16_384_timm_663b4028/onnx/deit_base_distilled_patch16_384_timm_663b4028-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit_base_distilled_patch16_384.py +class: VisionTransformerDistilled +hash: e2a3bbaa +model_name: deit_base_distilled_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 342431.9541 +onnx_ops_counter: + Add: 136 + Cast: 12 + Concat: 2 + Constant: 207 + ConstantOfShape: 2 + Conv: 1 + Div: 50 + Equal: 2 + Erf: 12 + Expand: 2 + Gather: 2 + Gemm: 2 + MatMul: 72 + Mul: 75 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 2 +parameters: 87630032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit_base_distilled_patch16_384_Opset17_timm/deit_base_distilled_patch16_384_Opset17.onnx b/Computer_Vision/deit_base_distilled_patch16_384_Opset17_timm/deit_base_distilled_patch16_384_Opset17.onnx new file mode 100644 index 000000000..1d77831e6 --- /dev/null +++ b/Computer_Vision/deit_base_distilled_patch16_384_Opset17_timm/deit_base_distilled_patch16_384_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:014fd30933a2af81b6ede92559cb0acc71d86109ea048099cf15e6612f7bcb83 +size 350618950 diff --git a/Computer_Vision/deit_base_distilled_patch16_384_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/deit_base_distilled_patch16_384_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ffcf6c057 --- /dev/null +++ b/Computer_Vision/deit_base_distilled_patch16_384_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.42073655128479 + set_success: 0.022797584533691406 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit_base_distilled_patch16_384_timm_663b4028/onnx/deit_base_distilled_patch16_384_timm_663b4028-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit_base_distilled_patch16_384.py +class: VisionTransformerDistilled +hash: e2a3bbaa +model_name: deit_base_distilled_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 342401.3506 +onnx_ops_counter: + Add: 86 + Cast: 12 + Concat: 2 + Constant: 157 + ConstantOfShape: 2 + Conv: 1 + Div: 25 + Equal: 2 + Erf: 12 + Expand: 2 + Gather: 2 + Gemm: 2 + LayerNormalization: 25 + MatMul: 72 + Mul: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 2 +parameters: 87630032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit_base_distilled_patch16_384_Opset18_timm/deit_base_distilled_patch16_384_Opset18.onnx b/Computer_Vision/deit_base_distilled_patch16_384_Opset18_timm/deit_base_distilled_patch16_384_Opset18.onnx new file mode 100644 index 000000000..ccd077ddd --- /dev/null +++ b/Computer_Vision/deit_base_distilled_patch16_384_Opset18_timm/deit_base_distilled_patch16_384_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:144bd4e765caeb398850a8c74ae57f05a9507996f0ad3e12633c25ac75a8c015 +size 350618950 diff --git a/Computer_Vision/deit_base_distilled_patch16_384_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/deit_base_distilled_patch16_384_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bf60d537b --- /dev/null +++ b/Computer_Vision/deit_base_distilled_patch16_384_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.384858846664429 + set_success: 0.03173494338989258 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit_base_distilled_patch16_384_timm_663b4028/onnx/deit_base_distilled_patch16_384_timm_663b4028-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit_base_distilled_patch16_384.py +class: VisionTransformerDistilled +hash: e2a3bbaa +model_name: deit_base_distilled_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 342401.3506 +onnx_ops_counter: + Add: 86 + Cast: 12 + Concat: 2 + Constant: 157 + ConstantOfShape: 2 + Conv: 1 + Div: 25 + Equal: 2 + Erf: 12 + Expand: 2 + Gather: 2 + Gemm: 2 + LayerNormalization: 25 + MatMul: 72 + Mul: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 2 +parameters: 87630032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit_base_patch16_224_Opset16_timm/deit_base_patch16_224_Opset16.onnx b/Computer_Vision/deit_base_patch16_224_Opset16_timm/deit_base_patch16_224_Opset16.onnx new file mode 100644 index 000000000..9b9b30005 --- /dev/null +++ b/Computer_Vision/deit_base_patch16_224_Opset16_timm/deit_base_patch16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8e7d9c086022b678cd5f85cc8e339ecfc56a68a362e6f5a9481368db13964c6 +size 346399385 diff --git a/Computer_Vision/deit_base_patch16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/deit_base_patch16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..dc3140ea0 --- /dev/null +++ b/Computer_Vision/deit_base_patch16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.868927717208862 + set_success: 0.02066779136657715 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit_base_patch16_224_timm_8257da36/onnx/deit_base_patch16_224_timm_8257da36-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit_base_patch16_224.py +class: VisionTransformer +hash: 5a3b76a4 +model_name: deit_base_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 338280.6816 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 86567656 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit_base_patch16_224_Opset17_timm/deit_base_patch16_224_Opset17.onnx b/Computer_Vision/deit_base_patch16_224_Opset17_timm/deit_base_patch16_224_Opset17.onnx new file mode 100644 index 000000000..09caaa0ee --- /dev/null +++ b/Computer_Vision/deit_base_patch16_224_Opset17_timm/deit_base_patch16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ecc1c08c2e7afd205a6c2e18f0e17378f7810ef44a1766655b7905b9ff994254 +size 346368034 diff --git a/Computer_Vision/deit_base_patch16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/deit_base_patch16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c9f7a681b --- /dev/null +++ b/Computer_Vision/deit_base_patch16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.7148988246917725 + set_success: 0.017653226852416992 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit_base_patch16_224_timm_8257da36/onnx/deit_base_patch16_224_timm_8257da36-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit_base_patch16_224.py +class: VisionTransformer +hash: 5a3b76a4 +model_name: deit_base_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 338250.0654 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 86567656 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit_base_patch16_224_Opset18_timm/deit_base_patch16_224_Opset18.onnx b/Computer_Vision/deit_base_patch16_224_Opset18_timm/deit_base_patch16_224_Opset18.onnx new file mode 100644 index 000000000..d31f90e11 --- /dev/null +++ b/Computer_Vision/deit_base_patch16_224_Opset18_timm/deit_base_patch16_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2eff19fee7651ba6917d0527f6b2ea3ba6a44caac87c556fd9a70554135d102f +size 346368034 diff --git a/Computer_Vision/deit_base_patch16_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/deit_base_patch16_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..25eeeccf9 --- /dev/null +++ b/Computer_Vision/deit_base_patch16_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.366028785705566 + set_success: 0.01962733268737793 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit_base_patch16_224_timm_8257da36/onnx/deit_base_patch16_224_timm_8257da36-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit_base_patch16_224.py +class: VisionTransformer +hash: 5a3b76a4 +model_name: deit_base_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 338250.0654 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 86567656 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit_base_patch16_384_Opset16_timm/deit_base_patch16_384_Opset16.onnx b/Computer_Vision/deit_base_patch16_384_Opset16_timm/deit_base_patch16_384_Opset16.onnx new file mode 100644 index 000000000..6c8a5f67d --- /dev/null +++ b/Computer_Vision/deit_base_patch16_384_Opset16_timm/deit_base_patch16_384_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b6d54698d191ea766187008c9dce8552ae484a4d796233d1b033d51ec8ca0733 +size 347566745 diff --git a/Computer_Vision/deit_base_patch16_384_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/deit_base_patch16_384_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0fbce6ed9 --- /dev/null +++ b/Computer_Vision/deit_base_patch16_384_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.953941345214844 + set_success: 0.02051377296447754 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit_base_patch16_384_timm_111a6875/onnx/deit_base_patch16_384_timm_111a6875-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit_base_patch16_384.py +class: VisionTransformer +hash: 5a3b76a4 +model_name: deit_base_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 339420.6816 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 86859496 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit_base_patch16_384_Opset17_timm/deit_base_patch16_384_Opset17.onnx b/Computer_Vision/deit_base_patch16_384_Opset17_timm/deit_base_patch16_384_Opset17.onnx new file mode 100644 index 000000000..9dbf8315f --- /dev/null +++ b/Computer_Vision/deit_base_patch16_384_Opset17_timm/deit_base_patch16_384_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6855c8cc7e48105f939611eaf572f3038f086e279303f55695b40b0cd1f90763 +size 347535394 diff --git a/Computer_Vision/deit_base_patch16_384_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/deit_base_patch16_384_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..975c96afe --- /dev/null +++ b/Computer_Vision/deit_base_patch16_384_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.816762924194336 + set_success: 0.020387649536132812 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit_base_patch16_384_timm_111a6875/onnx/deit_base_patch16_384_timm_111a6875-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit_base_patch16_384.py +class: VisionTransformer +hash: 5a3b76a4 +model_name: deit_base_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 339390.0654 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 86859496 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit_base_patch16_384_Opset18_timm/deit_base_patch16_384_Opset18.onnx b/Computer_Vision/deit_base_patch16_384_Opset18_timm/deit_base_patch16_384_Opset18.onnx new file mode 100644 index 000000000..3d822d165 --- /dev/null +++ b/Computer_Vision/deit_base_patch16_384_Opset18_timm/deit_base_patch16_384_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7122ee118015223844db4213c86fa6cc4470a2fb8dc8c5e55ac232e206eb0257 +size 347535394 diff --git a/Computer_Vision/deit_base_patch16_384_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/deit_base_patch16_384_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c0e3bd383 --- /dev/null +++ b/Computer_Vision/deit_base_patch16_384_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.5647664070129395 + set_success: 0.023632526397705078 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit_base_patch16_384_timm_111a6875/onnx/deit_base_patch16_384_timm_111a6875-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit_base_patch16_384.py +class: VisionTransformer +hash: 5a3b76a4 +model_name: deit_base_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 339390.0654 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 86859496 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit_small_distilled_patch16_224_Opset16_timm/deit_small_distilled_patch16_224_Opset16.onnx b/Computer_Vision/deit_small_distilled_patch16_224_Opset16_timm/deit_small_distilled_patch16_224_Opset16.onnx new file mode 100644 index 000000000..76b229212 --- /dev/null +++ b/Computer_Vision/deit_small_distilled_patch16_224_Opset16_timm/deit_small_distilled_patch16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d8f329eab6aac882ccfb1b595e85494e645553a09da0f37364bfb0ba2e76670f +size 89875833 diff --git a/Computer_Vision/deit_small_distilled_patch16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/deit_small_distilled_patch16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..652dd4e87 --- /dev/null +++ b/Computer_Vision/deit_small_distilled_patch16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0277745723724365 + set_success: 0.01748180389404297 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit_small_distilled_patch16_224_timm_51332228/onnx/deit_small_distilled_patch16_224_timm_51332228-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit_small_distilled_patch16_224.py +class: VisionTransformerDistilled +hash: 816b019e +model_name: deit_small_distilled_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 87769.4004 +onnx_ops_counter: + Add: 136 + Cast: 12 + Concat: 2 + Constant: 207 + ConstantOfShape: 2 + Conv: 1 + Div: 50 + Equal: 2 + Erf: 12 + Expand: 2 + Gather: 2 + Gemm: 2 + MatMul: 72 + Mul: 75 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 2 +parameters: 22436432 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit_small_distilled_patch16_224_Opset17_timm/deit_small_distilled_patch16_224_Opset17.onnx b/Computer_Vision/deit_small_distilled_patch16_224_Opset17_timm/deit_small_distilled_patch16_224_Opset17.onnx new file mode 100644 index 000000000..249aa5933 --- /dev/null +++ b/Computer_Vision/deit_small_distilled_patch16_224_Opset17_timm/deit_small_distilled_patch16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:888311fbd2870e5669881007b111dac950b2e97fbedeb6a381e380b5324a7d02 +size 89844495 diff --git a/Computer_Vision/deit_small_distilled_patch16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/deit_small_distilled_patch16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..46e312c53 --- /dev/null +++ b/Computer_Vision/deit_small_distilled_patch16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.811239242553711 + set_success: 0.01719975471496582 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit_small_distilled_patch16_224_timm_51332228/onnx/deit_small_distilled_patch16_224_timm_51332228-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit_small_distilled_patch16_224.py +class: VisionTransformerDistilled +hash: 816b019e +model_name: deit_small_distilled_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 87738.7969 +onnx_ops_counter: + Add: 86 + Cast: 12 + Concat: 2 + Constant: 157 + ConstantOfShape: 2 + Conv: 1 + Div: 25 + Equal: 2 + Erf: 12 + Expand: 2 + Gather: 2 + Gemm: 2 + LayerNormalization: 25 + MatMul: 72 + Mul: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 2 +parameters: 22436432 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit_small_distilled_patch16_224_Opset18_timm/deit_small_distilled_patch16_224_Opset18.onnx b/Computer_Vision/deit_small_distilled_patch16_224_Opset18_timm/deit_small_distilled_patch16_224_Opset18.onnx new file mode 100644 index 000000000..37019d944 --- /dev/null +++ b/Computer_Vision/deit_small_distilled_patch16_224_Opset18_timm/deit_small_distilled_patch16_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9063c90600a73bf9b431097c082e13957280a3fae9d9542537e08e26f7ff16df +size 89844495 diff --git a/Computer_Vision/deit_small_distilled_patch16_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/deit_small_distilled_patch16_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..494b824f1 --- /dev/null +++ b/Computer_Vision/deit_small_distilled_patch16_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9190874099731445 + set_success: 0.017780303955078125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit_small_distilled_patch16_224_timm_51332228/onnx/deit_small_distilled_patch16_224_timm_51332228-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit_small_distilled_patch16_224.py +class: VisionTransformerDistilled +hash: 816b019e +model_name: deit_small_distilled_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 87738.7969 +onnx_ops_counter: + Add: 86 + Cast: 12 + Concat: 2 + Constant: 157 + ConstantOfShape: 2 + Conv: 1 + Div: 25 + Equal: 2 + Erf: 12 + Expand: 2 + Gather: 2 + Gemm: 2 + LayerNormalization: 25 + MatMul: 72 + Mul: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 2 +parameters: 22436432 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit_small_patch16_224_Opset16_timm/deit_small_patch16_224_Opset16.onnx b/Computer_Vision/deit_small_patch16_224_Opset16_timm/deit_small_patch16_224_Opset16.onnx new file mode 100644 index 000000000..61206013d --- /dev/null +++ b/Computer_Vision/deit_small_patch16_224_Opset16_timm/deit_small_patch16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4760be65a7be25228a013dddff2a088a595bbef67d41f9ca1163155d099f00e5 +size 88331364 diff --git a/Computer_Vision/deit_small_patch16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/deit_small_patch16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3b8ed2b00 --- /dev/null +++ b/Computer_Vision/deit_small_patch16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0616495609283447 + set_success: 0.015738248825073242 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit_small_patch16_224_timm_358eb51b/onnx/deit_small_patch16_224_timm_358eb51b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit_small_patch16_224.py +class: VisionTransformer +hash: 8d8c48b1 +model_name: deit_small_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 86261.1299 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 22050664 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit_small_patch16_224_Opset17_timm/deit_small_patch16_224_Opset17.onnx b/Computer_Vision/deit_small_patch16_224_Opset17_timm/deit_small_patch16_224_Opset17.onnx new file mode 100644 index 000000000..33c654255 --- /dev/null +++ b/Computer_Vision/deit_small_patch16_224_Opset17_timm/deit_small_patch16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:087004fcbcf7e4a43cbd9e90cf416a8bcbbaf04927b0cf44ab85d0169441afdf +size 88300013 diff --git a/Computer_Vision/deit_small_patch16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/deit_small_patch16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4cd42ac9b --- /dev/null +++ b/Computer_Vision/deit_small_patch16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.822225570678711 + set_success: 0.01773667335510254 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit_small_patch16_224_timm_358eb51b/onnx/deit_small_patch16_224_timm_358eb51b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit_small_patch16_224.py +class: VisionTransformer +hash: 8d8c48b1 +model_name: deit_small_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 86230.5137 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 22050664 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit_small_patch16_224_Opset18_timm/deit_small_patch16_224_Opset18.onnx b/Computer_Vision/deit_small_patch16_224_Opset18_timm/deit_small_patch16_224_Opset18.onnx new file mode 100644 index 000000000..a4a4f00b0 --- /dev/null +++ b/Computer_Vision/deit_small_patch16_224_Opset18_timm/deit_small_patch16_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:91330a12e4d8a2df7738a5f584f2d71d7545dbc670579885df1c84c19e774660 +size 88300013 diff --git a/Computer_Vision/deit_small_patch16_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/deit_small_patch16_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4d46ff5f2 --- /dev/null +++ b/Computer_Vision/deit_small_patch16_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7971701622009277 + set_success: 0.016590356826782227 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit_small_patch16_224_timm_358eb51b/onnx/deit_small_patch16_224_timm_358eb51b-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit_small_patch16_224.py +class: VisionTransformer +hash: 8d8c48b1 +model_name: deit_small_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 86230.5137 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 22050664 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit_tiny_distilled_patch16_224_Opset16_timm/deit_tiny_distilled_patch16_224_Opset16.onnx b/Computer_Vision/deit_tiny_distilled_patch16_224_Opset16_timm/deit_tiny_distilled_patch16_224_Opset16.onnx new file mode 100644 index 000000000..648a85cdf --- /dev/null +++ b/Computer_Vision/deit_tiny_distilled_patch16_224_Opset16_timm/deit_tiny_distilled_patch16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f33b848acdfcab60b627575814ada28f64c5a74cc597439915b7e15b9b902ac1 +size 23773257 diff --git a/Computer_Vision/deit_tiny_distilled_patch16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/deit_tiny_distilled_patch16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5e43a0d48 --- /dev/null +++ b/Computer_Vision/deit_tiny_distilled_patch16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2803714275360107 + set_success: 0.015036344528198242 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit_tiny_distilled_patch16_224_timm_55e1a2ec/onnx/deit_tiny_distilled_patch16_224_timm_55e1a2ec-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit_tiny_distilled_patch16_224.py +class: VisionTransformerDistilled +hash: ae1465db +model_name: deit_tiny_distilled_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 23216.1035 +onnx_ops_counter: + Add: 136 + Cast: 12 + Concat: 2 + Constant: 207 + ConstantOfShape: 2 + Conv: 1 + Div: 50 + Equal: 2 + Erf: 12 + Expand: 2 + Gather: 2 + Gemm: 2 + MatMul: 72 + Mul: 75 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 2 +parameters: 5910800 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit_tiny_distilled_patch16_224_Opset17_timm/deit_tiny_distilled_patch16_224_Opset17.onnx b/Computer_Vision/deit_tiny_distilled_patch16_224_Opset17_timm/deit_tiny_distilled_patch16_224_Opset17.onnx new file mode 100644 index 000000000..10aa67afc --- /dev/null +++ b/Computer_Vision/deit_tiny_distilled_patch16_224_Opset17_timm/deit_tiny_distilled_patch16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bc356b716d788b188b05f573d30cb6d7ee8582b296bf29308f082fa76a3b6def +size 23741919 diff --git a/Computer_Vision/deit_tiny_distilled_patch16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/deit_tiny_distilled_patch16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..184b13e90 --- /dev/null +++ b/Computer_Vision/deit_tiny_distilled_patch16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1712751388549805 + set_success: 0.017148733139038086 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit_tiny_distilled_patch16_224_timm_55e1a2ec/onnx/deit_tiny_distilled_patch16_224_timm_55e1a2ec-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit_tiny_distilled_patch16_224.py +class: VisionTransformerDistilled +hash: ae1465db +model_name: deit_tiny_distilled_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 23185.5 +onnx_ops_counter: + Add: 86 + Cast: 12 + Concat: 2 + Constant: 157 + ConstantOfShape: 2 + Conv: 1 + Div: 25 + Equal: 2 + Erf: 12 + Expand: 2 + Gather: 2 + Gemm: 2 + LayerNormalization: 25 + MatMul: 72 + Mul: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 2 +parameters: 5910800 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit_tiny_distilled_patch16_224_Opset18_timm/deit_tiny_distilled_patch16_224_Opset18.onnx b/Computer_Vision/deit_tiny_distilled_patch16_224_Opset18_timm/deit_tiny_distilled_patch16_224_Opset18.onnx new file mode 100644 index 000000000..909559742 --- /dev/null +++ b/Computer_Vision/deit_tiny_distilled_patch16_224_Opset18_timm/deit_tiny_distilled_patch16_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d683c37e11ac5ea07f7bf4df8514585db8f57c8d336cbc6c5f544db35d0d07c +size 23741919 diff --git a/Computer_Vision/deit_tiny_distilled_patch16_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/deit_tiny_distilled_patch16_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c1bb92702 --- /dev/null +++ b/Computer_Vision/deit_tiny_distilled_patch16_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9246222972869873 + set_success: 3.949373245239258 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit_tiny_distilled_patch16_224_timm_55e1a2ec/onnx/deit_tiny_distilled_patch16_224_timm_55e1a2ec-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit_tiny_distilled_patch16_224.py +class: VisionTransformerDistilled +hash: ae1465db +model_name: deit_tiny_distilled_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 23185.5 +onnx_ops_counter: + Add: 86 + Cast: 12 + Concat: 2 + Constant: 157 + ConstantOfShape: 2 + Conv: 1 + Div: 25 + Equal: 2 + Erf: 12 + Expand: 2 + Gather: 2 + Gemm: 2 + LayerNormalization: 25 + MatMul: 72 + Mul: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 2 +parameters: 5910800 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit_tiny_patch16_224_Opset16_timm/deit_tiny_patch16_224_Opset16.onnx b/Computer_Vision/deit_tiny_patch16_224_Opset16_timm/deit_tiny_patch16_224_Opset16.onnx new file mode 100644 index 000000000..c8f55a331 --- /dev/null +++ b/Computer_Vision/deit_tiny_patch16_224_Opset16_timm/deit_tiny_patch16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7be9bf7b3a52146e39d4685dfc6569cfff3e6852b86852f1df126e84ca54027a +size 22998324 diff --git a/Computer_Vision/deit_tiny_patch16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/deit_tiny_patch16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..607730afc --- /dev/null +++ b/Computer_Vision/deit_tiny_patch16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.304701566696167 + set_success: 0.016204357147216797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit_tiny_patch16_224_timm_0c6c2de9/onnx/deit_tiny_patch16_224_timm_0c6c2de9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit_tiny_patch16_224.py +class: VisionTransformer +hash: f13fa33b +model_name: deit_tiny_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 22459.333 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 5717416 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit_tiny_patch16_224_Opset17_timm/deit_tiny_patch16_224_Opset17.onnx b/Computer_Vision/deit_tiny_patch16_224_Opset17_timm/deit_tiny_patch16_224_Opset17.onnx new file mode 100644 index 000000000..111f78c82 --- /dev/null +++ b/Computer_Vision/deit_tiny_patch16_224_Opset17_timm/deit_tiny_patch16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b44b1eecf4e773c20bf110b268af304dad5b07daa34dc7721afc5325cd06dcdc +size 22966973 diff --git a/Computer_Vision/deit_tiny_patch16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/deit_tiny_patch16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..afd39ddf7 --- /dev/null +++ b/Computer_Vision/deit_tiny_patch16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.5453505516052246 + set_success: 0.017123699188232422 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit_tiny_patch16_224_timm_0c6c2de9/onnx/deit_tiny_patch16_224_timm_0c6c2de9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit_tiny_patch16_224.py +class: VisionTransformer +hash: f13fa33b +model_name: deit_tiny_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 22428.7168 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 5717416 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/deit_tiny_patch16_224_Opset18_timm/deit_tiny_patch16_224_Opset18.onnx b/Computer_Vision/deit_tiny_patch16_224_Opset18_timm/deit_tiny_patch16_224_Opset18.onnx new file mode 100644 index 000000000..d08f16dd6 --- /dev/null +++ b/Computer_Vision/deit_tiny_patch16_224_Opset18_timm/deit_tiny_patch16_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:210ffa9159120f36385fc99b3e9ed0a3cf186b5f6d13a3cfb34ce9d1dd673c9b +size 22966973 diff --git a/Computer_Vision/deit_tiny_patch16_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/deit_tiny_patch16_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4ea4895a4 --- /dev/null +++ b/Computer_Vision/deit_tiny_patch16_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1381607055664062 + set_success: 0.014991283416748047 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deit_tiny_patch16_224_timm_0c6c2de9/onnx/deit_tiny_patch16_224_timm_0c6c2de9-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/deit_tiny_patch16_224.py +class: VisionTransformer +hash: f13fa33b +model_name: deit_tiny_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 22428.7168 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 5717416 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenet121_Opset16_timm/densenet121_Opset16.onnx b/Computer_Vision/densenet121_Opset16_timm/densenet121_Opset16.onnx new file mode 100644 index 000000000..1476a8f1a --- /dev/null +++ b/Computer_Vision/densenet121_Opset16_timm/densenet121_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f7d8bbb19703e6c69ce55830a588b00eb393ad42b5e5bfd62df14fbaabe860e5 +size 32310409 diff --git a/Computer_Vision/densenet121_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/densenet121_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5b93416a6 --- /dev/null +++ b/Computer_Vision/densenet121_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.9072799682617188 + set_success: 0.018493175506591797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenet121_timm_11e8bf09/onnx/densenet121_timm_11e8bf09-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/densenet121.py +class: DenseNet +hash: 316a66fa +model_name: densenet121 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 31553.166 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 62 + Concat: 62 + Conv: 120 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 121 +parameters: 7978856 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenet121_Opset16_torch_hub/densenet121_Opset16.onnx b/Computer_Vision/densenet121_Opset16_torch_hub/densenet121_Opset16.onnx new file mode 100644 index 000000000..721c4d4fa --- /dev/null +++ b/Computer_Vision/densenet121_Opset16_torch_hub/densenet121_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c9ee8902ec0ad991da03a87b3dea1a105fed2ae4f81371b1e5fc16d01253891 +size 32308799 diff --git a/Computer_Vision/densenet121_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/densenet121_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..9c092246a --- /dev/null +++ b/Computer_Vision/densenet121_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.5742640495300293 + set_success: 0.01784801483154297 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenet121_torch_hub_6c448300/onnx/densenet121_torch_hub_6c448300-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/densenet121.py +class: DenseNet +hash: d5f7254d +model_name: densenet121 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 31551.5938 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 62 + Concat: 62 + Conv: 120 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 121 +parameters: 7978856 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenet121_Opset17_timm/densenet121_Opset17.onnx b/Computer_Vision/densenet121_Opset17_timm/densenet121_Opset17.onnx new file mode 100644 index 000000000..8644eec75 --- /dev/null +++ b/Computer_Vision/densenet121_Opset17_timm/densenet121_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd9fe0f01ae74cc0b47c33264fa7eeb125c3af989fbed8d0e375385101a06e4e +size 32310409 diff --git a/Computer_Vision/densenet121_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/densenet121_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ae70fe92f --- /dev/null +++ b/Computer_Vision/densenet121_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.3140487670898438 + set_success: 0.026206254959106445 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenet121_timm_11e8bf09/onnx/densenet121_timm_11e8bf09-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/densenet121.py +class: DenseNet +hash: 316a66fa +model_name: densenet121 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 31553.166 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 62 + Concat: 62 + Conv: 120 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 121 +parameters: 7978856 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenet121_Opset17_torch_hub/densenet121_Opset17.onnx b/Computer_Vision/densenet121_Opset17_torch_hub/densenet121_Opset17.onnx new file mode 100644 index 000000000..e6e408328 --- /dev/null +++ b/Computer_Vision/densenet121_Opset17_torch_hub/densenet121_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9299d867cac3e0bf40803ac737e3fdaf3cb5976ee65c82961c211a3d8be3bbdd +size 32308799 diff --git a/Computer_Vision/densenet121_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/densenet121_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..e042b862b --- /dev/null +++ b/Computer_Vision/densenet121_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.6657707691192627 + set_success: 0.01806783676147461 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenet121_torch_hub_6c448300/onnx/densenet121_torch_hub_6c448300-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/densenet121.py +class: DenseNet +hash: d5f7254d +model_name: densenet121 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 31551.5938 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 62 + Concat: 62 + Conv: 120 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 121 +parameters: 7978856 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenet121_Opset18_timm/densenet121_Opset18.onnx b/Computer_Vision/densenet121_Opset18_timm/densenet121_Opset18.onnx new file mode 100644 index 000000000..3fcc951a7 --- /dev/null +++ b/Computer_Vision/densenet121_Opset18_timm/densenet121_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2da69db9a3c98cd58af6c8e244f49717337009d0410ae58112a5cda31bce8a8f +size 32310409 diff --git a/Computer_Vision/densenet121_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/densenet121_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bcc6e004d --- /dev/null +++ b/Computer_Vision/densenet121_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.9432125091552734 + set_success: 0.017310142517089844 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenet121_timm_11e8bf09/onnx/densenet121_timm_11e8bf09-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/densenet121.py +class: DenseNet +hash: 316a66fa +model_name: densenet121 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 31553.166 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 62 + Concat: 62 + Conv: 120 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 121 +parameters: 7978856 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenet121_Opset18_torch_hub/densenet121_Opset18.onnx b/Computer_Vision/densenet121_Opset18_torch_hub/densenet121_Opset18.onnx new file mode 100644 index 000000000..e54080f08 --- /dev/null +++ b/Computer_Vision/densenet121_Opset18_torch_hub/densenet121_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b7b19b72c5ac0d7610446a888c118c723aedb2b4379eb21c5f9c86ebe84cd07 +size 32308799 diff --git a/Computer_Vision/densenet121_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/densenet121_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..a0f292a02 --- /dev/null +++ b/Computer_Vision/densenet121_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.6835522651672363 + set_success: 0.018465042114257812 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenet121_torch_hub_6c448300/onnx/densenet121_torch_hub_6c448300-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/densenet121.py +class: DenseNet +hash: d5f7254d +model_name: densenet121 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 31551.5938 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 62 + Concat: 62 + Conv: 120 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 121 +parameters: 7978856 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenet161_Opset16_timm/densenet161_Opset16.onnx b/Computer_Vision/densenet161_Opset16_timm/densenet161_Opset16.onnx new file mode 100644 index 000000000..49997b6f0 --- /dev/null +++ b/Computer_Vision/densenet161_Opset16_timm/densenet161_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:98f802392644d9a0d2980e4b6c6defcfd196226027947702a1567df4a5b7df9c +size 115642494 diff --git a/Computer_Vision/densenet161_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/densenet161_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..523fe7103 --- /dev/null +++ b/Computer_Vision/densenet161_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.811975955963135 + set_success: 0.0208282470703125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenet161_timm_63bd42b5/onnx/densenet161_timm_63bd42b5-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/densenet161.py +class: DenseNet +hash: ad2956cf +model_name: densenet161 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 112932.1553 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 82 + Concat: 82 + Conv: 160 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 161 +parameters: 28681000 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenet161_Opset16_torch_hub/densenet161_Opset16.onnx b/Computer_Vision/densenet161_Opset16_torch_hub/densenet161_Opset16.onnx new file mode 100644 index 000000000..f2a651556 --- /dev/null +++ b/Computer_Vision/densenet161_Opset16_torch_hub/densenet161_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e22fbcebfdbae922498dc960a192f9bf8d17a9b57f2b1a9752419090c10e6126 +size 115640404 diff --git a/Computer_Vision/densenet161_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/densenet161_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..220e7ecf0 --- /dev/null +++ b/Computer_Vision/densenet161_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.049361228942871 + set_success: 0.02330493927001953 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenet161_torch_hub_b8eb0dcf/onnx/densenet161_torch_hub_b8eb0dcf-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/densenet161.py +class: DenseNet +hash: 6c360ce5 +model_name: densenet161 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 112930.1143 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 82 + Concat: 82 + Conv: 160 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 161 +parameters: 28681000 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenet161_Opset17_timm/densenet161_Opset17.onnx b/Computer_Vision/densenet161_Opset17_timm/densenet161_Opset17.onnx new file mode 100644 index 000000000..cab3314e0 --- /dev/null +++ b/Computer_Vision/densenet161_Opset17_timm/densenet161_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fad199348cda5538ca238138ecd1a8cb740a85a687549cbd4bfb2738fb58ea62 +size 115642494 diff --git a/Computer_Vision/densenet161_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/densenet161_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d8573fe06 --- /dev/null +++ b/Computer_Vision/densenet161_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.901622295379639 + set_success: 0.021210193634033203 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenet161_timm_63bd42b5/onnx/densenet161_timm_63bd42b5-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/densenet161.py +class: DenseNet +hash: ad2956cf +model_name: densenet161 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 112932.1553 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 82 + Concat: 82 + Conv: 160 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 161 +parameters: 28681000 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenet161_Opset17_torch_hub/densenet161_Opset17.onnx b/Computer_Vision/densenet161_Opset17_torch_hub/densenet161_Opset17.onnx new file mode 100644 index 000000000..231589e3d --- /dev/null +++ b/Computer_Vision/densenet161_Opset17_torch_hub/densenet161_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:abc6e34424a04539ed1dcfb58047f8b138ae0e2ef9d4345a78dbb912f69a59f8 +size 115640404 diff --git a/Computer_Vision/densenet161_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/densenet161_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..afb460c07 --- /dev/null +++ b/Computer_Vision/densenet161_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.859632730484009 + set_success: 0.02030324935913086 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenet161_torch_hub_b8eb0dcf/onnx/densenet161_torch_hub_b8eb0dcf-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/densenet161.py +class: DenseNet +hash: 6c360ce5 +model_name: densenet161 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 112930.1143 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 82 + Concat: 82 + Conv: 160 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 161 +parameters: 28681000 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenet161_Opset18_timm/densenet161_Opset18.onnx b/Computer_Vision/densenet161_Opset18_timm/densenet161_Opset18.onnx new file mode 100644 index 000000000..5b6563ae4 --- /dev/null +++ b/Computer_Vision/densenet161_Opset18_timm/densenet161_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1614bf3508282dde977d4ae9481bf444c34bc138d21c2ac81e9ac1540f8b612d +size 115642494 diff --git a/Computer_Vision/densenet161_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/densenet161_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..06ec3b092 --- /dev/null +++ b/Computer_Vision/densenet161_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.849114418029785 + set_success: 0.022870302200317383 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenet161_timm_63bd42b5/onnx/densenet161_timm_63bd42b5-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/densenet161.py +class: DenseNet +hash: ad2956cf +model_name: densenet161 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 112932.1553 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 82 + Concat: 82 + Conv: 160 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 161 +parameters: 28681000 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenet161_Opset18_torch_hub/densenet161_Opset18.onnx b/Computer_Vision/densenet161_Opset18_torch_hub/densenet161_Opset18.onnx new file mode 100644 index 000000000..fafd875f0 --- /dev/null +++ b/Computer_Vision/densenet161_Opset18_torch_hub/densenet161_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c907132b44c160314131ea803d2c72b06c5c56a92eea3f6f3f95603f010e4f3 +size 115640404 diff --git a/Computer_Vision/densenet161_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/densenet161_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..c8d74942a --- /dev/null +++ b/Computer_Vision/densenet161_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.8451268672943115 + set_success: 0.028461933135986328 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenet161_torch_hub_b8eb0dcf/onnx/densenet161_torch_hub_b8eb0dcf-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/densenet161.py +class: DenseNet +hash: 6c360ce5 +model_name: densenet161 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 112930.1143 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 82 + Concat: 82 + Conv: 160 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 161 +parameters: 28681000 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenet169_Opset16_timm/densenet169_Opset16.onnx b/Computer_Vision/densenet169_Opset16_timm/densenet169_Opset16.onnx new file mode 100644 index 000000000..a0f4c7913 --- /dev/null +++ b/Computer_Vision/densenet169_Opset16_timm/densenet169_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8dee8a6dc40d8c7584e794cb407e34c59d32ac4382e3fd7f07ba13f6b1f6789e +size 57337385 diff --git a/Computer_Vision/densenet169_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/densenet169_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..95230c386 --- /dev/null +++ b/Computer_Vision/densenet169_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.613857984542847 + set_success: 0.018012046813964844 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenet169_timm_08c87302/onnx/densenet169_timm_08c87302-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/densenet169.py +class: DenseNet +hash: 95108a8d +model_name: densenet169 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 55993.5723 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 86 + Concat: 86 + Conv: 168 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 169 +parameters: 14149480 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenet169_Opset16_torch_hub/densenet169_Opset16.onnx b/Computer_Vision/densenet169_Opset16_torch_hub/densenet169_Opset16.onnx new file mode 100644 index 000000000..732d01c36 --- /dev/null +++ b/Computer_Vision/densenet169_Opset16_torch_hub/densenet169_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79e6931f84af848afbb7b6f5b8f0a3809f44de2f52cced2fad31ec55dcb14cb7 +size 57335199 diff --git a/Computer_Vision/densenet169_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/densenet169_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..3fc12dc74 --- /dev/null +++ b/Computer_Vision/densenet169_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.667682409286499 + set_success: 0.021473407745361328 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenet169_torch_hub_b42fd192/onnx/densenet169_torch_hub_b42fd192-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/densenet169.py +class: DenseNet +hash: ccd997cb +model_name: densenet169 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 55991.4375 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 86 + Concat: 86 + Conv: 168 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 169 +parameters: 14149480 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenet169_Opset17_timm/densenet169_Opset17.onnx b/Computer_Vision/densenet169_Opset17_timm/densenet169_Opset17.onnx new file mode 100644 index 000000000..872b55287 --- /dev/null +++ b/Computer_Vision/densenet169_Opset17_timm/densenet169_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac9c4b17fc197c0ba9b7b7562badf7f6077cd10a2f191676ed2822f144a8ba23 +size 57337385 diff --git a/Computer_Vision/densenet169_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/densenet169_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b7f2e902e --- /dev/null +++ b/Computer_Vision/densenet169_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.7053844928741455 + set_success: 0.02020740509033203 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenet169_timm_08c87302/onnx/densenet169_timm_08c87302-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/densenet169.py +class: DenseNet +hash: 95108a8d +model_name: densenet169 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 55993.5723 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 86 + Concat: 86 + Conv: 168 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 169 +parameters: 14149480 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenet169_Opset17_torch_hub/densenet169_Opset17.onnx b/Computer_Vision/densenet169_Opset17_torch_hub/densenet169_Opset17.onnx new file mode 100644 index 000000000..8cc00f5ae --- /dev/null +++ b/Computer_Vision/densenet169_Opset17_torch_hub/densenet169_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bb4368e6660da3cbffe349c875660e5db1038609603705d9389ea8f66c668119 +size 57335199 diff --git a/Computer_Vision/densenet169_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/densenet169_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..3b9dc7cf9 --- /dev/null +++ b/Computer_Vision/densenet169_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.804453134536743 + set_success: 0.02310919761657715 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenet169_torch_hub_b42fd192/onnx/densenet169_torch_hub_b42fd192-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/densenet169.py +class: DenseNet +hash: ccd997cb +model_name: densenet169 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 55991.4375 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 86 + Concat: 86 + Conv: 168 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 169 +parameters: 14149480 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenet169_Opset18_timm/densenet169_Opset18.onnx b/Computer_Vision/densenet169_Opset18_timm/densenet169_Opset18.onnx new file mode 100644 index 000000000..7be54e958 --- /dev/null +++ b/Computer_Vision/densenet169_Opset18_timm/densenet169_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ed46bae430c0f45f3d646f1c8c3fea13c60ef44737e92868c4ef9e9dc252dea5 +size 57337385 diff --git a/Computer_Vision/densenet169_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/densenet169_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..30931c81b --- /dev/null +++ b/Computer_Vision/densenet169_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.718631267547607 + set_success: 0.01988959312438965 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenet169_timm_08c87302/onnx/densenet169_timm_08c87302-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/densenet169.py +class: DenseNet +hash: 95108a8d +model_name: densenet169 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 55993.5723 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 86 + Concat: 86 + Conv: 168 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 169 +parameters: 14149480 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenet169_Opset18_torch_hub/densenet169_Opset18.onnx b/Computer_Vision/densenet169_Opset18_torch_hub/densenet169_Opset18.onnx new file mode 100644 index 000000000..223855212 --- /dev/null +++ b/Computer_Vision/densenet169_Opset18_torch_hub/densenet169_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8fe2f251ad992bf11d62c2fcfb81d82d8c0904fa056e6f56ff04b795c1bf696e +size 57335199 diff --git a/Computer_Vision/densenet169_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/densenet169_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..73a6b662d --- /dev/null +++ b/Computer_Vision/densenet169_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.728623628616333 + set_success: 0.01983356475830078 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenet169_torch_hub_b42fd192/onnx/densenet169_torch_hub_b42fd192-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/densenet169.py +class: DenseNet +hash: ccd997cb +model_name: densenet169 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 55991.4375 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 86 + Concat: 86 + Conv: 168 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 169 +parameters: 14149480 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenet201_Opset16_timm/densenet201_Opset16.onnx b/Computer_Vision/densenet201_Opset16_timm/densenet201_Opset16.onnx new file mode 100644 index 000000000..6fb6e5c5e --- /dev/null +++ b/Computer_Vision/densenet201_Opset16_timm/densenet201_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f694eaa50938d697f23f84a9b66e38c645c35c06e3e0bdc00fcb8c64831b3f2c +size 81121257 diff --git a/Computer_Vision/densenet201_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/densenet201_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..725d36e07 --- /dev/null +++ b/Computer_Vision/densenet201_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.004218339920044 + set_success: 0.023194313049316406 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenet201_timm_7020408f/onnx/densenet201_timm_7020408f-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/densenet201.py +class: DenseNet +hash: f8aa6177 +model_name: densenet201 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 79220.0098 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 102 + Concat: 102 + Conv: 200 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 201 +parameters: 20013928 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenet201_Opset16_torch_hub/densenet201_Opset16.onnx b/Computer_Vision/densenet201_Opset16_torch_hub/densenet201_Opset16.onnx new file mode 100644 index 000000000..aeb273bf2 --- /dev/null +++ b/Computer_Vision/densenet201_Opset16_torch_hub/densenet201_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1afd48b11d40d614bc26c6c5ec2395917c96898975fcd394ba7c0f1380881465 +size 81118687 diff --git a/Computer_Vision/densenet201_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/densenet201_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..0c1c274a4 --- /dev/null +++ b/Computer_Vision/densenet201_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.362629175186157 + set_success: 0.019395112991333008 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenet201_torch_hub_34276f71/onnx/densenet201_torch_hub_34276f71-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/densenet201.py +class: DenseNet +hash: e355a66c +model_name: densenet201 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 79217.5 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 102 + Concat: 102 + Conv: 200 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 201 +parameters: 20013928 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenet201_Opset17_timm/densenet201_Opset17.onnx b/Computer_Vision/densenet201_Opset17_timm/densenet201_Opset17.onnx new file mode 100644 index 000000000..69440e03b --- /dev/null +++ b/Computer_Vision/densenet201_Opset17_timm/densenet201_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8cb9c98dc0ae55c56388d0c20364ebbd2f875c54471974419672c63ba493d7e +size 81121257 diff --git a/Computer_Vision/densenet201_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/densenet201_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3b93e8d98 --- /dev/null +++ b/Computer_Vision/densenet201_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.352343559265137 + set_success: 0.018311023712158203 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenet201_timm_7020408f/onnx/densenet201_timm_7020408f-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/densenet201.py +class: DenseNet +hash: f8aa6177 +model_name: densenet201 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 79220.0098 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 102 + Concat: 102 + Conv: 200 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 201 +parameters: 20013928 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenet201_Opset17_torch_hub/densenet201_Opset17.onnx b/Computer_Vision/densenet201_Opset17_torch_hub/densenet201_Opset17.onnx new file mode 100644 index 000000000..d939b3677 --- /dev/null +++ b/Computer_Vision/densenet201_Opset17_torch_hub/densenet201_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bb7a9342c6628e068d9ae7677f93536fc9f7dba18d19b29480420839d3186fc6 +size 81118687 diff --git a/Computer_Vision/densenet201_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/densenet201_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..3ba73c0cd --- /dev/null +++ b/Computer_Vision/densenet201_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.397142648696899 + set_success: 0.019608736038208008 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenet201_torch_hub_34276f71/onnx/densenet201_torch_hub_34276f71-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/densenet201.py +class: DenseNet +hash: e355a66c +model_name: densenet201 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 79217.5 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 102 + Concat: 102 + Conv: 200 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 201 +parameters: 20013928 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenet201_Opset18_timm/densenet201_Opset18.onnx b/Computer_Vision/densenet201_Opset18_timm/densenet201_Opset18.onnx new file mode 100644 index 000000000..ba3d61ad2 --- /dev/null +++ b/Computer_Vision/densenet201_Opset18_timm/densenet201_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee7b25b500777855b0fabe965912574fc8e03d32a060243d2dae299f2d9e0931 +size 81121257 diff --git a/Computer_Vision/densenet201_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/densenet201_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cb289837c --- /dev/null +++ b/Computer_Vision/densenet201_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.382055044174194 + set_success: 0.01857137680053711 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenet201_timm_7020408f/onnx/densenet201_timm_7020408f-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/densenet201.py +class: DenseNet +hash: f8aa6177 +model_name: densenet201 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 79220.0098 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 102 + Concat: 102 + Conv: 200 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 201 +parameters: 20013928 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenet201_Opset18_torch_hub/densenet201_Opset18.onnx b/Computer_Vision/densenet201_Opset18_torch_hub/densenet201_Opset18.onnx new file mode 100644 index 000000000..29ed99944 --- /dev/null +++ b/Computer_Vision/densenet201_Opset18_torch_hub/densenet201_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c782263c5663401db7317a432a33aa48734bb747a4855081d35e95fa9f42525 +size 81118687 diff --git a/Computer_Vision/densenet201_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/densenet201_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..b87549ef4 --- /dev/null +++ b/Computer_Vision/densenet201_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.049529790878296 + set_success: 0.028850317001342773 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenet201_torch_hub_34276f71/onnx/densenet201_torch_hub_34276f71-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/densenet201.py +class: DenseNet +hash: e355a66c +model_name: densenet201 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 79217.5 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 102 + Concat: 102 + Conv: 200 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 201 +parameters: 20013928 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenetblur121d_Opset16_timm/densenetblur121d_Opset16.onnx b/Computer_Vision/densenetblur121d_Opset16_timm/densenetblur121d_Opset16.onnx new file mode 100644 index 000000000..86e33fcc8 --- /dev/null +++ b/Computer_Vision/densenetblur121d_Opset16_timm/densenetblur121d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6855172f1aeef77c8a3baf02e2ba9380824e3389f54f007c58806f54b1551f98 +size 32393120 diff --git a/Computer_Vision/densenetblur121d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/densenetblur121d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..40323255f --- /dev/null +++ b/Computer_Vision/densenetblur121d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.9047889709472656 + set_success: 0.018305063247680664 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenetblur121d_timm_d0cd5f0b/onnx/densenetblur121d_timm_d0cd5f0b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/densenetblur121d.py +class: DenseNet +hash: dbdfcae4 +model_name: densenetblur121d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 31633.9385 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 62 + Cast: 1 + Concat: 63 + Constant: 9 + ConstantOfShape: 1 + Conv: 123 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Pad: 1 + Relu: 123 + Reshape: 2 + Slice: 1 + Transpose: 1 +parameters: 7998088 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenetblur121d_Opset17_timm/densenetblur121d_Opset17.onnx b/Computer_Vision/densenetblur121d_Opset17_timm/densenetblur121d_Opset17.onnx new file mode 100644 index 000000000..0de2d8445 --- /dev/null +++ b/Computer_Vision/densenetblur121d_Opset17_timm/densenetblur121d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83b2ba3250798ec4184af98fb5d52a1c1af48911a5f2117eee715f54b0e200ae +size 32393120 diff --git a/Computer_Vision/densenetblur121d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/densenetblur121d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7feb8de84 --- /dev/null +++ b/Computer_Vision/densenetblur121d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.9995157718658447 + set_success: 0.020451784133911133 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenetblur121d_timm_d0cd5f0b/onnx/densenetblur121d_timm_d0cd5f0b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/densenetblur121d.py +class: DenseNet +hash: dbdfcae4 +model_name: densenetblur121d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 31633.9385 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 62 + Cast: 1 + Concat: 63 + Constant: 9 + ConstantOfShape: 1 + Conv: 123 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Pad: 1 + Relu: 123 + Reshape: 2 + Slice: 1 + Transpose: 1 +parameters: 7998088 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/densenetblur121d_Opset18_timm/densenetblur121d_Opset18.onnx b/Computer_Vision/densenetblur121d_Opset18_timm/densenetblur121d_Opset18.onnx new file mode 100644 index 000000000..fbd2beb4c --- /dev/null +++ b/Computer_Vision/densenetblur121d_Opset18_timm/densenetblur121d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30b66e1d5fcad5f3c2334a23283314570374935d94772b49a83d737140e9d9a1 +size 32393120 diff --git a/Computer_Vision/densenetblur121d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/densenetblur121d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..fbc3fd830 --- /dev/null +++ b/Computer_Vision/densenetblur121d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.977821111679077 + set_success: 0.019443273544311523 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/densenetblur121d_timm_d0cd5f0b/onnx/densenetblur121d_timm_d0cd5f0b-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/densenetblur121d.py +class: DenseNet +hash: dbdfcae4 +model_name: densenetblur121d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 31633.9385 +onnx_ops_counter: + AveragePool: 3 + BatchNormalization: 62 + Cast: 1 + Concat: 63 + Constant: 9 + ConstantOfShape: 1 + Conv: 123 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Pad: 1 + Relu: 123 + Reshape: 2 + Slice: 1 + Transpose: 1 +parameters: 7998088 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla102_Opset16_timm/dla102_Opset16.onnx b/Computer_Vision/dla102_Opset16_timm/dla102_Opset16.onnx new file mode 100644 index 000000000..3f6b49097 --- /dev/null +++ b/Computer_Vision/dla102_Opset16_timm/dla102_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b04049e5dc79852885cfcf7da8013e748dab785cf83cfdc24a22f7f2bb3d49ee +size 133004540 diff --git a/Computer_Vision/dla102_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dla102_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5a5517474 --- /dev/null +++ b/Computer_Vision/dla102_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.2067205905914307 + set_success: 0.01819467544555664 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla102_timm_92bd24d3/onnx/dla102_timm_92bd24d3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla102.py +class: DLA +hash: fd2b8c73 +model_name: dla102 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 129887.2783 +onnx_ops_counter: + Add: 42 + Concat: 14 + Conv: 106 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 101 +parameters: 33268888 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla102_Opset17_timm/dla102_Opset17.onnx b/Computer_Vision/dla102_Opset17_timm/dla102_Opset17.onnx new file mode 100644 index 000000000..486461ada --- /dev/null +++ b/Computer_Vision/dla102_Opset17_timm/dla102_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c65c06575f1ff5a3476c56d45607c04d6dcb9ad3ad91cd8832da974a7ed48c8 +size 133004540 diff --git a/Computer_Vision/dla102_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dla102_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f1d90d808 --- /dev/null +++ b/Computer_Vision/dla102_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.177666425704956 + set_success: 0.0170290470123291 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla102_timm_92bd24d3/onnx/dla102_timm_92bd24d3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla102.py +class: DLA +hash: fd2b8c73 +model_name: dla102 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 129887.2783 +onnx_ops_counter: + Add: 42 + Concat: 14 + Conv: 106 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 101 +parameters: 33268888 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla102_Opset18_timm/dla102_Opset18.onnx b/Computer_Vision/dla102_Opset18_timm/dla102_Opset18.onnx new file mode 100644 index 000000000..43821feba --- /dev/null +++ b/Computer_Vision/dla102_Opset18_timm/dla102_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e18c6d172ae751c5fda8307327d16ba94a9ac5fbd2517b1ca610d7bfa31e9295 +size 133004540 diff --git a/Computer_Vision/dla102_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/dla102_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d14df2a11 --- /dev/null +++ b/Computer_Vision/dla102_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.221074342727661 + set_success: 0.017900466918945312 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla102_timm_92bd24d3/onnx/dla102_timm_92bd24d3-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla102.py +class: DLA +hash: fd2b8c73 +model_name: dla102 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 129887.2783 +onnx_ops_counter: + Add: 42 + Concat: 14 + Conv: 106 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 101 +parameters: 33268888 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla102x2_Opset16_timm/dla102x2_Opset16.onnx b/Computer_Vision/dla102x2_Opset16_timm/dla102x2_Opset16.onnx new file mode 100644 index 000000000..fd4359741 --- /dev/null +++ b/Computer_Vision/dla102x2_Opset16_timm/dla102x2_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:16cc6659ce4eac2138ee3e223bf62eb33d654bb24d74771e6ca500d6ac6334d9 +size 164907278 diff --git a/Computer_Vision/dla102x2_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dla102x2_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8018393d9 --- /dev/null +++ b/Computer_Vision/dla102x2_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.8777410984039307 + set_success: 0.02062368392944336 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla102x2_timm_dc7cacbd/onnx/dla102x2_timm_dc7cacbd-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla102x2.py +class: DLA +hash: 1366d993 +model_name: dla102x2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 161042.2959 +onnx_ops_counter: + Add: 42 + Concat: 14 + Conv: 106 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 101 +parameters: 41282200 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla102x2_Opset17_timm/dla102x2_Opset17.onnx b/Computer_Vision/dla102x2_Opset17_timm/dla102x2_Opset17.onnx new file mode 100644 index 000000000..16b9bfcca --- /dev/null +++ b/Computer_Vision/dla102x2_Opset17_timm/dla102x2_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:698c76881aa09a2a585076895f44b4e076ea8e8ad50fdef4ce8a764fcf635a02 +size 164907278 diff --git a/Computer_Vision/dla102x2_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dla102x2_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b76a851c8 --- /dev/null +++ b/Computer_Vision/dla102x2_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.7833621501922607 + set_success: 0.019955158233642578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla102x2_timm_dc7cacbd/onnx/dla102x2_timm_dc7cacbd-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla102x2.py +class: DLA +hash: 1366d993 +model_name: dla102x2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 161042.2959 +onnx_ops_counter: + Add: 42 + Concat: 14 + Conv: 106 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 101 +parameters: 41282200 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla102x2_Opset18_timm/dla102x2_Opset18.onnx b/Computer_Vision/dla102x2_Opset18_timm/dla102x2_Opset18.onnx new file mode 100644 index 000000000..34030435e --- /dev/null +++ b/Computer_Vision/dla102x2_Opset18_timm/dla102x2_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:13d18856854b647f828e8e992bf7cb41718b2f621b56d3430dc5895ed9d11c2e +size 164907278 diff --git a/Computer_Vision/dla102x2_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/dla102x2_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..198bd679d --- /dev/null +++ b/Computer_Vision/dla102x2_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.9185287952423096 + set_success: 0.022330284118652344 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla102x2_timm_dc7cacbd/onnx/dla102x2_timm_dc7cacbd-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla102x2.py +class: DLA +hash: 1366d993 +model_name: dla102x2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 161042.2959 +onnx_ops_counter: + Add: 42 + Concat: 14 + Conv: 106 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 101 +parameters: 41282200 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla102x_Opset16_timm/dla102x_Opset16.onnx b/Computer_Vision/dla102x_Opset16_timm/dla102x_Opset16.onnx new file mode 100644 index 000000000..536d41640 --- /dev/null +++ b/Computer_Vision/dla102x_Opset16_timm/dla102x_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d2fb831749d8b63817b3aba5a22d53ecaaf0be8b7098d5df0169f28c6f9c667 +size 105115852 diff --git a/Computer_Vision/dla102x_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dla102x_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9adf84968 --- /dev/null +++ b/Computer_Vision/dla102x_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.058316469192505 + set_success: 0.019420623779296875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla102x_timm_5a8d3a03/onnx/dla102x_timm_5a8d3a03-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla102x.py +class: DLA +hash: 3fc4d6d7 +model_name: dla102x +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 102652.2314 +onnx_ops_counter: + Add: 42 + Concat: 14 + Conv: 106 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 101 +parameters: 26309272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla102x_Opset17_timm/dla102x_Opset17.onnx b/Computer_Vision/dla102x_Opset17_timm/dla102x_Opset17.onnx new file mode 100644 index 000000000..8cbc6cf1a --- /dev/null +++ b/Computer_Vision/dla102x_Opset17_timm/dla102x_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d67c8a493b06eb1e637023862ebc128b21b0276b6f35c81bf6f76bb9f3be117b +size 105115852 diff --git a/Computer_Vision/dla102x_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dla102x_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e1fee6fde --- /dev/null +++ b/Computer_Vision/dla102x_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.091944932937622 + set_success: 0.01717972755432129 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla102x_timm_5a8d3a03/onnx/dla102x_timm_5a8d3a03-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla102x.py +class: DLA +hash: 3fc4d6d7 +model_name: dla102x +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 102652.2314 +onnx_ops_counter: + Add: 42 + Concat: 14 + Conv: 106 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 101 +parameters: 26309272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla102x_Opset18_timm/dla102x_Opset18.onnx b/Computer_Vision/dla102x_Opset18_timm/dla102x_Opset18.onnx new file mode 100644 index 000000000..ca3392a11 --- /dev/null +++ b/Computer_Vision/dla102x_Opset18_timm/dla102x_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8e7def821c2b6a2e3bba7bde2ecdb84fdd0444e4fe0420a12aff206b11240ec +size 105115852 diff --git a/Computer_Vision/dla102x_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/dla102x_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..50fe40426 --- /dev/null +++ b/Computer_Vision/dla102x_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.0448710918426514 + set_success: 0.017413854598999023 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla102x_timm_5a8d3a03/onnx/dla102x_timm_5a8d3a03-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla102x.py +class: DLA +hash: 3fc4d6d7 +model_name: dla102x +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 102652.2314 +onnx_ops_counter: + Add: 42 + Concat: 14 + Conv: 106 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 101 +parameters: 26309272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla169_Opset16_timm/dla169_Opset16.onnx b/Computer_Vision/dla169_Opset16_timm/dla169_Opset16.onnx new file mode 100644 index 000000000..979f01b1a --- /dev/null +++ b/Computer_Vision/dla169_Opset16_timm/dla169_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:633321ba5d1b000ca6a13ef3a15483d409f7bc2357ed2d05369359f406a00bf1 +size 213448413 diff --git a/Computer_Vision/dla169_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dla169_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6623357a8 --- /dev/null +++ b/Computer_Vision/dla169_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.04149866104126 + set_success: 0.023805856704711914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla169_timm_003f6bb7/onnx/dla169_timm_003f6bb7-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla169.py +class: DLA +hash: 2cf50411 +model_name: dla169 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 208445.748 +onnx_ops_counter: + Add: 69 + Concat: 23 + Conv: 169 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 164 +parameters: 53389720 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla169_Opset17_timm/dla169_Opset17.onnx b/Computer_Vision/dla169_Opset17_timm/dla169_Opset17.onnx new file mode 100644 index 000000000..3aaf97ba1 --- /dev/null +++ b/Computer_Vision/dla169_Opset17_timm/dla169_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:53a647f4e435f95cb5d83495e805d84026a02817c2bac01eaeea52bcf141a293 +size 213448413 diff --git a/Computer_Vision/dla169_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dla169_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e47bc04b0 --- /dev/null +++ b/Computer_Vision/dla169_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.146656513214111 + set_success: 0.018689870834350586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla169_timm_003f6bb7/onnx/dla169_timm_003f6bb7-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla169.py +class: DLA +hash: 2cf50411 +model_name: dla169 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 208445.748 +onnx_ops_counter: + Add: 69 + Concat: 23 + Conv: 169 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 164 +parameters: 53389720 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla169_Opset18_timm/dla169_Opset18.onnx b/Computer_Vision/dla169_Opset18_timm/dla169_Opset18.onnx new file mode 100644 index 000000000..459edbc24 --- /dev/null +++ b/Computer_Vision/dla169_Opset18_timm/dla169_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9310779f1db81b29f3a92f8d7456d7731e30f2c2f4788fce178d8fe7db66cdb9 +size 213448413 diff --git a/Computer_Vision/dla169_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/dla169_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a215e12ef --- /dev/null +++ b/Computer_Vision/dla169_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.101325035095215 + set_success: 0.01849961280822754 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla169_timm_003f6bb7/onnx/dla169_timm_003f6bb7-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla169.py +class: DLA +hash: 2cf50411 +model_name: dla169 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 208445.748 +onnx_ops_counter: + Add: 69 + Concat: 23 + Conv: 169 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 164 +parameters: 53389720 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla34_Opset16_timm/dla34_Opset16.onnx b/Computer_Vision/dla34_Opset16_timm/dla34_Opset16.onnx new file mode 100644 index 000000000..1e6ed6801 --- /dev/null +++ b/Computer_Vision/dla34_Opset16_timm/dla34_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4288c6893bd1627c5665783050b1a46d5ee15ddc83d397df2065639b5bbe9a03 +size 62956919 diff --git a/Computer_Vision/dla34_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dla34_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ad53979da --- /dev/null +++ b/Computer_Vision/dla34_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.0836150646209717 + set_success: 0.01622176170349121 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla34_timm_9ba7d2f1/onnx/dla34_timm_9ba7d2f1-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla34.py +class: DLA +hash: df705e2c +model_name: dla34 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 61481.3984 +onnx_ops_counter: + Add: 12 + Concat: 6 + Conv: 38 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 33 +parameters: 15742104 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla34_Opset17_timm/dla34_Opset17.onnx b/Computer_Vision/dla34_Opset17_timm/dla34_Opset17.onnx new file mode 100644 index 000000000..b041b78bb --- /dev/null +++ b/Computer_Vision/dla34_Opset17_timm/dla34_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01b51e399bd7e4d271804444813c61f7901b787c5488b61647af3f128dd591c4 +size 62956919 diff --git a/Computer_Vision/dla34_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dla34_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8b879a320 --- /dev/null +++ b/Computer_Vision/dla34_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.0816636085510254 + set_success: 0.016809701919555664 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla34_timm_9ba7d2f1/onnx/dla34_timm_9ba7d2f1-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla34.py +class: DLA +hash: df705e2c +model_name: dla34 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 61481.3984 +onnx_ops_counter: + Add: 12 + Concat: 6 + Conv: 38 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 33 +parameters: 15742104 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla34_Opset18_timm/dla34_Opset18.onnx b/Computer_Vision/dla34_Opset18_timm/dla34_Opset18.onnx new file mode 100644 index 000000000..383f8ab58 --- /dev/null +++ b/Computer_Vision/dla34_Opset18_timm/dla34_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f60c382a8399cff58f3dd1c2df6585325c7c2b3ed0a801aaff98421e0375f8f0 +size 62956919 diff --git a/Computer_Vision/dla34_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/dla34_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..980f2d68f --- /dev/null +++ b/Computer_Vision/dla34_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.102175235748291 + set_success: 0.016578197479248047 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla34_timm_9ba7d2f1/onnx/dla34_timm_9ba7d2f1-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla34.py +class: DLA +hash: df705e2c +model_name: dla34 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 61481.3984 +onnx_ops_counter: + Add: 12 + Concat: 6 + Conv: 38 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 33 +parameters: 15742104 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla46_c_Opset16_timm/dla46_c_Opset16.onnx b/Computer_Vision/dla46_c_Opset16_timm/dla46_c_Opset16.onnx new file mode 100644 index 000000000..0e7c276b0 --- /dev/null +++ b/Computer_Vision/dla46_c_Opset16_timm/dla46_c_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e820cb60cee003dd35f0b9f9885d91812e0548ea464e4cfae382a983bb9ed364 +size 5213603 diff --git a/Computer_Vision/dla46_c_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dla46_c_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6b2bbf7fd --- /dev/null +++ b/Computer_Vision/dla46_c_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.623206377029419 + set_success: 0.015840768814086914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla46_c_timm_6beae65b/onnx/dla46_c_timm_6beae65b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla46_c.py +class: DLA +hash: 480bd5af +model_name: dla46_c +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 5091.4414 +onnx_ops_counter: + Add: 12 + Concat: 6 + Conv: 49 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 45 +parameters: 1301400 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla46_c_Opset17_timm/dla46_c_Opset17.onnx b/Computer_Vision/dla46_c_Opset17_timm/dla46_c_Opset17.onnx new file mode 100644 index 000000000..fad0503a1 --- /dev/null +++ b/Computer_Vision/dla46_c_Opset17_timm/dla46_c_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5bbb5958d29a3448232ecb6c3aa245e8069d63e0d8f0891297195af020468de4 +size 5213603 diff --git a/Computer_Vision/dla46_c_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dla46_c_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..db09b49d1 --- /dev/null +++ b/Computer_Vision/dla46_c_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.6362757682800293 + set_success: 0.01580190658569336 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla46_c_timm_6beae65b/onnx/dla46_c_timm_6beae65b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla46_c.py +class: DLA +hash: 480bd5af +model_name: dla46_c +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 5091.4414 +onnx_ops_counter: + Add: 12 + Concat: 6 + Conv: 49 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 45 +parameters: 1301400 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla46_c_Opset18_timm/dla46_c_Opset18.onnx b/Computer_Vision/dla46_c_Opset18_timm/dla46_c_Opset18.onnx new file mode 100644 index 000000000..0ef09e54f --- /dev/null +++ b/Computer_Vision/dla46_c_Opset18_timm/dla46_c_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e60985ee7506ddbda01cdb5cb7787760179b6992b05fdd08f02cd56273d292d +size 5213603 diff --git a/Computer_Vision/dla46_c_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/dla46_c_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..269b3d4b6 --- /dev/null +++ b/Computer_Vision/dla46_c_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.6140859127044678 + set_success: 0.01605701446533203 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla46_c_timm_6beae65b/onnx/dla46_c_timm_6beae65b-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla46_c.py +class: DLA +hash: 480bd5af +model_name: dla46_c +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 5091.4414 +onnx_ops_counter: + Add: 12 + Concat: 6 + Conv: 49 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 45 +parameters: 1301400 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla46x_c_Opset16_timm/dla46x_c_Opset16.onnx b/Computer_Vision/dla46x_c_Opset16_timm/dla46x_c_Opset16.onnx new file mode 100644 index 000000000..4bced45c2 --- /dev/null +++ b/Computer_Vision/dla46x_c_Opset16_timm/dla46x_c_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cee9d0c4bc18f1a3b49d39c9d393bd7474fad5072df9c81275fdbd207e65ba2e +size 4276159 diff --git a/Computer_Vision/dla46x_c_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dla46x_c_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d2968ae55 --- /dev/null +++ b/Computer_Vision/dla46x_c_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.6372179985046387 + set_success: 0.016846656799316406 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla46x_c_timm_1e23f030/onnx/dla46x_c_timm_1e23f030-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla46x_c.py +class: DLA +hash: 434ebedf +model_name: dla46x_c +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 4175.9688 +onnx_ops_counter: + Add: 12 + Concat: 6 + Conv: 49 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 45 +parameters: 1068440 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla46x_c_Opset17_timm/dla46x_c_Opset17.onnx b/Computer_Vision/dla46x_c_Opset17_timm/dla46x_c_Opset17.onnx new file mode 100644 index 000000000..50d89e891 --- /dev/null +++ b/Computer_Vision/dla46x_c_Opset17_timm/dla46x_c_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08292d5861d2277bdad2af0a7259bf5c69ed3942782c77789dd00137f4b0b19d +size 4276159 diff --git a/Computer_Vision/dla46x_c_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dla46x_c_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..99534eb8c --- /dev/null +++ b/Computer_Vision/dla46x_c_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.6291799545288086 + set_success: 0.01572108268737793 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla46x_c_timm_1e23f030/onnx/dla46x_c_timm_1e23f030-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla46x_c.py +class: DLA +hash: 434ebedf +model_name: dla46x_c +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 4175.9688 +onnx_ops_counter: + Add: 12 + Concat: 6 + Conv: 49 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 45 +parameters: 1068440 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla46x_c_Opset18_timm/dla46x_c_Opset18.onnx b/Computer_Vision/dla46x_c_Opset18_timm/dla46x_c_Opset18.onnx new file mode 100644 index 000000000..098b6548b --- /dev/null +++ b/Computer_Vision/dla46x_c_Opset18_timm/dla46x_c_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d306c1f62fcbd4c737797b4f44ccbbaf8c355cca958954791a4d60b44e4f015 +size 4276159 diff --git a/Computer_Vision/dla46x_c_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/dla46x_c_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..afeaf8d29 --- /dev/null +++ b/Computer_Vision/dla46x_c_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.6393570899963379 + set_success: 0.016550302505493164 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla46x_c_timm_1e23f030/onnx/dla46x_c_timm_1e23f030-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla46x_c.py +class: DLA +hash: 434ebedf +model_name: dla46x_c +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 4175.9688 +onnx_ops_counter: + Add: 12 + Concat: 6 + Conv: 49 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 45 +parameters: 1068440 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla60_Opset16_timm/dla60_Opset16.onnx b/Computer_Vision/dla60_Opset16_timm/dla60_Opset16.onnx new file mode 100644 index 000000000..840521f17 --- /dev/null +++ b/Computer_Vision/dla60_Opset16_timm/dla60_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d02fe1bb21d04deddf62b3776fa9657e20a237d67164d70400fea4823bc052d5 +size 88097368 diff --git a/Computer_Vision/dla60_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dla60_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a41602437 --- /dev/null +++ b/Computer_Vision/dla60_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7560663223266602 + set_success: 0.016316890716552734 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla60_timm_c67068dd/onnx/dla60_timm_c67068dd-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla60.py +class: DLA +hash: 6d4e6f47 +model_name: dla60 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 86032.6182 +onnx_ops_counter: + Add: 16 + Concat: 8 + Conv: 64 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 59 +parameters: 22036632 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla60_Opset17_timm/dla60_Opset17.onnx b/Computer_Vision/dla60_Opset17_timm/dla60_Opset17.onnx new file mode 100644 index 000000000..c513e9e61 --- /dev/null +++ b/Computer_Vision/dla60_Opset17_timm/dla60_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8fec9c2d9558204352f0f807e63c0ecc4c12b4c1b52ed324d756d424740a77c9 +size 88097368 diff --git a/Computer_Vision/dla60_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dla60_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e54b83158 --- /dev/null +++ b/Computer_Vision/dla60_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.783151626586914 + set_success: 0.017910242080688477 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla60_timm_c67068dd/onnx/dla60_timm_c67068dd-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla60.py +class: DLA +hash: 6d4e6f47 +model_name: dla60 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 86032.6182 +onnx_ops_counter: + Add: 16 + Concat: 8 + Conv: 64 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 59 +parameters: 22036632 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla60_Opset18_timm/dla60_Opset18.onnx b/Computer_Vision/dla60_Opset18_timm/dla60_Opset18.onnx new file mode 100644 index 000000000..1ea82bb68 --- /dev/null +++ b/Computer_Vision/dla60_Opset18_timm/dla60_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b6a94157a44934c522f2862563ea21263d7fd44309cef6a3a9126f0959ecf0b +size 88097368 diff --git a/Computer_Vision/dla60_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/dla60_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c38743e6d --- /dev/null +++ b/Computer_Vision/dla60_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7416269779205322 + set_success: 0.017156124114990234 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla60_timm_c67068dd/onnx/dla60_timm_c67068dd-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla60.py +class: DLA +hash: 6d4e6f47 +model_name: dla60 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 86032.6182 +onnx_ops_counter: + Add: 16 + Concat: 8 + Conv: 64 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 59 +parameters: 22036632 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla60_res2net_Opset16_timm/dla60_res2net_Opset16.onnx b/Computer_Vision/dla60_res2net_Opset16_timm/dla60_res2net_Opset16.onnx new file mode 100644 index 000000000..7ace674bc --- /dev/null +++ b/Computer_Vision/dla60_res2net_Opset16_timm/dla60_res2net_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7236e20ed6064a8b0de8f809cfa4876e68e1ba93079b91b4d87813040b60751e +size 83357514 diff --git a/Computer_Vision/dla60_res2net_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dla60_res2net_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..56227a405 --- /dev/null +++ b/Computer_Vision/dla60_res2net_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.5227601528167725 + set_success: 0.016587018966674805 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla60_res2net_timm_60640425/onnx/dla60_res2net_timm_60640425-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla60_res2net.py +class: DLA +hash: adb85843 +model_name: dla60_res2net +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 81403.8545 +onnx_ops_counter: + Add: 40 + AveragePool: 4 + Concat: 24 + Constant: 16 + Conv: 96 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 91 + Split: 16 +parameters: 20848072 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla60_res2net_Opset17_timm/dla60_res2net_Opset17.onnx b/Computer_Vision/dla60_res2net_Opset17_timm/dla60_res2net_Opset17.onnx new file mode 100644 index 000000000..a182b8da4 --- /dev/null +++ b/Computer_Vision/dla60_res2net_Opset17_timm/dla60_res2net_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a6a8a3476a638d1e923b041aa2f7222ff68171e853dc909c62efaf83c3858022 +size 83357514 diff --git a/Computer_Vision/dla60_res2net_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dla60_res2net_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5346e0251 --- /dev/null +++ b/Computer_Vision/dla60_res2net_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.6803395748138428 + set_success: 0.01876354217529297 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla60_res2net_timm_60640425/onnx/dla60_res2net_timm_60640425-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla60_res2net.py +class: DLA +hash: adb85843 +model_name: dla60_res2net +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 81403.8545 +onnx_ops_counter: + Add: 40 + AveragePool: 4 + Concat: 24 + Constant: 16 + Conv: 96 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 91 + Split: 16 +parameters: 20848072 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla60_res2net_Opset18_timm/dla60_res2net_Opset18.onnx b/Computer_Vision/dla60_res2net_Opset18_timm/dla60_res2net_Opset18.onnx new file mode 100644 index 000000000..c7bef5bac --- /dev/null +++ b/Computer_Vision/dla60_res2net_Opset18_timm/dla60_res2net_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b880df10ff63e8f79ddf9abb3759de9b44777a4186225c8e9a6f991031d88e0 +size 83357514 diff --git a/Computer_Vision/dla60_res2net_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/dla60_res2net_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0f7fbb991 --- /dev/null +++ b/Computer_Vision/dla60_res2net_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.578190565109253 + set_success: 0.020772218704223633 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla60_res2net_timm_60640425/onnx/dla60_res2net_timm_60640425-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla60_res2net.py +class: DLA +hash: adb85843 +model_name: dla60_res2net +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 81403.8545 +onnx_ops_counter: + Add: 40 + AveragePool: 4 + Concat: 24 + Constant: 16 + Conv: 96 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 91 + Split: 16 +parameters: 20848072 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla60_res2next_Opset16_timm/dla60_res2next_Opset16.onnx b/Computer_Vision/dla60_res2next_Opset16_timm/dla60_res2next_Opset16.onnx new file mode 100644 index 000000000..88b126567 --- /dev/null +++ b/Computer_Vision/dla60_res2next_Opset16_timm/dla60_res2next_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62d496689f736c06bb517fe7a5457c3c0971282823140339742dc993e9789b0e +size 68090712 diff --git a/Computer_Vision/dla60_res2next_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dla60_res2next_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2774d45f9 --- /dev/null +++ b/Computer_Vision/dla60_res2next_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.5074167251586914 + set_success: 0.017452716827392578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla60_res2next_timm_b942745b/onnx/dla60_res2next_timm_b942745b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla60_res2next.py +class: DLA +hash: ba9e00dd +model_name: dla60_res2next +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 66494.8682 +onnx_ops_counter: + Add: 40 + AveragePool: 4 + Concat: 24 + Constant: 16 + Conv: 96 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 91 + Split: 16 +parameters: 17032984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla60_res2next_Opset17_timm/dla60_res2next_Opset17.onnx b/Computer_Vision/dla60_res2next_Opset17_timm/dla60_res2next_Opset17.onnx new file mode 100644 index 000000000..3b0e48848 --- /dev/null +++ b/Computer_Vision/dla60_res2next_Opset17_timm/dla60_res2next_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd5a527a70af2a069b817a22e2fbddf855c40187de535ac11a5caca52e218509 +size 68090712 diff --git a/Computer_Vision/dla60_res2next_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dla60_res2next_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..324138796 --- /dev/null +++ b/Computer_Vision/dla60_res2next_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.5188004970550537 + set_success: 0.017340421676635742 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla60_res2next_timm_b942745b/onnx/dla60_res2next_timm_b942745b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla60_res2next.py +class: DLA +hash: ba9e00dd +model_name: dla60_res2next +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 66494.8682 +onnx_ops_counter: + Add: 40 + AveragePool: 4 + Concat: 24 + Constant: 16 + Conv: 96 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 91 + Split: 16 +parameters: 17032984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla60_res2next_Opset18_timm/dla60_res2next_Opset18.onnx b/Computer_Vision/dla60_res2next_Opset18_timm/dla60_res2next_Opset18.onnx new file mode 100644 index 000000000..1e3d34c3a --- /dev/null +++ b/Computer_Vision/dla60_res2next_Opset18_timm/dla60_res2next_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33f76fa568c808a1f3b8e783a366d65746cb3e534f0a5aabfe18d3a6b9f0c85e +size 68090712 diff --git a/Computer_Vision/dla60_res2next_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/dla60_res2next_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..50b1866c5 --- /dev/null +++ b/Computer_Vision/dla60_res2next_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.609056234359741 + set_success: 0.017476320266723633 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla60_res2next_timm_b942745b/onnx/dla60_res2next_timm_b942745b-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla60_res2next.py +class: DLA +hash: ba9e00dd +model_name: dla60_res2next +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 66494.8682 +onnx_ops_counter: + Add: 40 + AveragePool: 4 + Concat: 24 + Constant: 16 + Conv: 96 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 91 + Split: 16 +parameters: 17032984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla60x_Opset16_timm/dla60x_Opset16.onnx b/Computer_Vision/dla60x_Opset16_timm/dla60x_Opset16.onnx new file mode 100644 index 000000000..1773fa495 --- /dev/null +++ b/Computer_Vision/dla60x_Opset16_timm/dla60x_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d1057f3e35e2ce3ea06174ecd1d68e6688e4cdd52c1a423f377a80b300c02e3 +size 69330500 diff --git a/Computer_Vision/dla60x_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dla60x_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3a603dc74 --- /dev/null +++ b/Computer_Vision/dla60x_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.6748299598693848 + set_success: 0.017702102661132812 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla60x_timm_f6c4a3a4/onnx/dla60x_timm_f6c4a3a4-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla60x.py +class: DLA +hash: 3fd2d5d1 +model_name: dla60x +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 67705.5986 +onnx_ops_counter: + Add: 16 + Concat: 8 + Conv: 64 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 59 +parameters: 17352344 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla60x_Opset17_timm/dla60x_Opset17.onnx b/Computer_Vision/dla60x_Opset17_timm/dla60x_Opset17.onnx new file mode 100644 index 000000000..4d218f550 --- /dev/null +++ b/Computer_Vision/dla60x_Opset17_timm/dla60x_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f32bce31371445a8072623764969d1668abf88a6906e655fdf878d3e1d371e3c +size 69330500 diff --git a/Computer_Vision/dla60x_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dla60x_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2c0961747 --- /dev/null +++ b/Computer_Vision/dla60x_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.6547510623931885 + set_success: 0.01731729507446289 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla60x_timm_f6c4a3a4/onnx/dla60x_timm_f6c4a3a4-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla60x.py +class: DLA +hash: 3fd2d5d1 +model_name: dla60x +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 67705.5986 +onnx_ops_counter: + Add: 16 + Concat: 8 + Conv: 64 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 59 +parameters: 17352344 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla60x_Opset18_timm/dla60x_Opset18.onnx b/Computer_Vision/dla60x_Opset18_timm/dla60x_Opset18.onnx new file mode 100644 index 000000000..756c76f72 --- /dev/null +++ b/Computer_Vision/dla60x_Opset18_timm/dla60x_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ded1d6c9a85aaad357fbc103cda37a09bf20a6e729514cd9cd16c8037be9b34 +size 69330500 diff --git a/Computer_Vision/dla60x_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/dla60x_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7bc1a8aad --- /dev/null +++ b/Computer_Vision/dla60x_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7114908695220947 + set_success: 0.02087712287902832 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla60x_timm_f6c4a3a4/onnx/dla60x_timm_f6c4a3a4-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla60x.py +class: DLA +hash: 3fd2d5d1 +model_name: dla60x +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 67705.5986 +onnx_ops_counter: + Add: 16 + Concat: 8 + Conv: 64 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 59 +parameters: 17352344 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla60x_c_Opset16_timm/dla60x_c_Opset16.onnx b/Computer_Vision/dla60x_c_Opset16_timm/dla60x_c_Opset16.onnx new file mode 100644 index 000000000..7c5274071 --- /dev/null +++ b/Computer_Vision/dla60x_c_Opset16_timm/dla60x_c_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cba2cfa5fcc70880d7247bb451dd1d77914b4a14a0b9c54122db6c50a9f350f1 +size 5282971 diff --git a/Computer_Vision/dla60x_c_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dla60x_c_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c3a137f57 --- /dev/null +++ b/Computer_Vision/dla60x_c_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9287536144256592 + set_success: 0.021639108657836914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla60x_c_timm_ff22beb5/onnx/dla60x_c_timm_ff22beb5-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla60x_c.py +class: DLA +hash: da59a9ce +model_name: dla60x_c +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 5159.1836 +onnx_ops_counter: + Add: 16 + Concat: 8 + Conv: 63 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 59 +parameters: 1319832 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla60x_c_Opset17_timm/dla60x_c_Opset17.onnx b/Computer_Vision/dla60x_c_Opset17_timm/dla60x_c_Opset17.onnx new file mode 100644 index 000000000..9982cfc84 --- /dev/null +++ b/Computer_Vision/dla60x_c_Opset17_timm/dla60x_c_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d471b0d4c71064ce3a51f1d08f1c3b8db3c95dec8f44fca6c88117188bf612a +size 5282971 diff --git a/Computer_Vision/dla60x_c_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dla60x_c_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..974f3982b --- /dev/null +++ b/Computer_Vision/dla60x_c_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8917632102966309 + set_success: 0.015870094299316406 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla60x_c_timm_ff22beb5/onnx/dla60x_c_timm_ff22beb5-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla60x_c.py +class: DLA +hash: da59a9ce +model_name: dla60x_c +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 5159.1836 +onnx_ops_counter: + Add: 16 + Concat: 8 + Conv: 63 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 59 +parameters: 1319832 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dla60x_c_Opset18_timm/dla60x_c_Opset18.onnx b/Computer_Vision/dla60x_c_Opset18_timm/dla60x_c_Opset18.onnx new file mode 100644 index 000000000..5808ead59 --- /dev/null +++ b/Computer_Vision/dla60x_c_Opset18_timm/dla60x_c_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae062bf2542463fe991a5d2a4fbe56ce2274a1918ec9f299b466e49907dc2128 +size 5282971 diff --git a/Computer_Vision/dla60x_c_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/dla60x_c_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1750ad48a --- /dev/null +++ b/Computer_Vision/dla60x_c_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8995718955993652 + set_success: 0.020863771438598633 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dla60x_c_timm_ff22beb5/onnx/dla60x_c_timm_ff22beb5-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dla60x_c.py +class: DLA +hash: da59a9ce +model_name: dla60x_c +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 5159.1836 +onnx_ops_counter: + Add: 16 + Concat: 8 + Conv: 63 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 6 + Relu: 59 +parameters: 1319832 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dm_nfnet_f0_Opset16_timm/dm_nfnet_f0_Opset16.onnx b/Computer_Vision/dm_nfnet_f0_Opset16_timm/dm_nfnet_f0_Opset16.onnx new file mode 100644 index 000000000..29321f68f --- /dev/null +++ b/Computer_Vision/dm_nfnet_f0_Opset16_timm/dm_nfnet_f0_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:565850e286fe2454576e788c6c988cdd09c38d444e62c7f19cbf64e87823607c +size 472372497 diff --git a/Computer_Vision/dm_nfnet_f0_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dm_nfnet_f0_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2991bd0e1 --- /dev/null +++ b/Computer_Vision/dm_nfnet_f0_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.129414558410645 + set_success: 0.021678686141967773 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dm_nfnet_f0_timm_3aaa44c1/onnx/dm_nfnet_f0_timm_3aaa44c1-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dm_nfnet_f0.py +class: NormFreeNet +hash: 08031f51 +model_name: dm_nfnet_f0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 192 + - 192 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 461301.2988 +onnx_ops_counter: + Add: 84 + AveragePool: 3 + BatchNormalization: 57 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 466 + ConstantOfShape: 5 + Conv: 81 + Div: 70 + Erf: 52 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 39 + Mul: 283 + Pad: 5 + ReduceMean: 183 + Relu: 12 + Reshape: 67 + Shape: 13 + Sigmoid: 12 + Slice: 5 + Sub: 92 + Transpose: 5 + Unsqueeze: 40 +parameters: 71489284 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dm_nfnet_f0_Opset17_timm/dm_nfnet_f0_Opset17.onnx b/Computer_Vision/dm_nfnet_f0_Opset17_timm/dm_nfnet_f0_Opset17.onnx new file mode 100644 index 000000000..9dc64ec34 --- /dev/null +++ b/Computer_Vision/dm_nfnet_f0_Opset17_timm/dm_nfnet_f0_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bdfd4bdd716c246338912d6a7f842c14dc3a84e17e956218692e9d352604547f +size 472372497 diff --git a/Computer_Vision/dm_nfnet_f0_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dm_nfnet_f0_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bd0929907 --- /dev/null +++ b/Computer_Vision/dm_nfnet_f0_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.132161855697632 + set_success: 0.02198004722595215 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dm_nfnet_f0_timm_3aaa44c1/onnx/dm_nfnet_f0_timm_3aaa44c1-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dm_nfnet_f0.py +class: NormFreeNet +hash: 08031f51 +model_name: dm_nfnet_f0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 192 + - 192 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 461301.2988 +onnx_ops_counter: + Add: 84 + AveragePool: 3 + BatchNormalization: 57 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 466 + ConstantOfShape: 5 + Conv: 81 + Div: 70 + Erf: 52 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 39 + Mul: 283 + Pad: 5 + ReduceMean: 183 + Relu: 12 + Reshape: 67 + Shape: 13 + Sigmoid: 12 + Slice: 5 + Sub: 92 + Transpose: 5 + Unsqueeze: 40 +parameters: 71489284 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dm_nfnet_f1_Opset16_timm/dm_nfnet_f1_Opset16.onnx b/Computer_Vision/dm_nfnet_f1_Opset16_timm/dm_nfnet_f1_Opset16.onnx new file mode 100644 index 000000000..76dc7ef72 --- /dev/null +++ b/Computer_Vision/dm_nfnet_f1_Opset16_timm/dm_nfnet_f1_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d8545b7874e535116c1cec88df4ef4438e8be820bf1d72a729f7e9cb6857dcc +size 874224689 diff --git a/Computer_Vision/dm_nfnet_f1_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dm_nfnet_f1_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..854cc1513 --- /dev/null +++ b/Computer_Vision/dm_nfnet_f1_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.045446395874023 + set_success: 0.023946523666381836 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dm_nfnet_f1_timm_4d7c42c1/onnx/dm_nfnet_f1_timm_4d7c42c1-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dm_nfnet_f1.py +class: NormFreeNet +hash: 895cc252 +model_name: dm_nfnet_f1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 853735.0801 +onnx_ops_counter: + Add: 144 + AveragePool: 3 + BatchNormalization: 105 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 742 + ConstantOfShape: 5 + Conv: 153 + Div: 118 + Erf: 100 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 86 + Mul: 535 + Pad: 5 + ReduceMean: 339 + Relu: 24 + Reshape: 115 + Shape: 13 + Sigmoid: 24 + Slice: 5 + Sub: 140 + Transpose: 5 + Unsqueeze: 40 +parameters: 132634256 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dm_nfnet_f1_Opset17_timm/dm_nfnet_f1_Opset17.onnx b/Computer_Vision/dm_nfnet_f1_Opset17_timm/dm_nfnet_f1_Opset17.onnx new file mode 100644 index 000000000..3ecd87a5e --- /dev/null +++ b/Computer_Vision/dm_nfnet_f1_Opset17_timm/dm_nfnet_f1_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:92ab556a585d292cac16651e2d3a40d309156e88d8ee8540aa60770828e5179e +size 874224689 diff --git a/Computer_Vision/dm_nfnet_f1_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dm_nfnet_f1_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8484830be --- /dev/null +++ b/Computer_Vision/dm_nfnet_f1_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.171913385391235 + set_success: 0.025839805603027344 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dm_nfnet_f1_timm_4d7c42c1/onnx/dm_nfnet_f1_timm_4d7c42c1-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dm_nfnet_f1.py +class: NormFreeNet +hash: 895cc252 +model_name: dm_nfnet_f1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 853735.0801 +onnx_ops_counter: + Add: 144 + AveragePool: 3 + BatchNormalization: 105 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 742 + ConstantOfShape: 5 + Conv: 153 + Div: 118 + Erf: 100 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 86 + Mul: 535 + Pad: 5 + ReduceMean: 339 + Relu: 24 + Reshape: 115 + Shape: 13 + Sigmoid: 24 + Slice: 5 + Sub: 140 + Transpose: 5 + Unsqueeze: 40 +parameters: 132634256 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dm_nfnet_f2_Opset16_timm/dm_nfnet_f2_Opset16.onnx b/Computer_Vision/dm_nfnet_f2_Opset16_timm/dm_nfnet_f2_Opset16.onnx new file mode 100644 index 000000000..2ec246834 --- /dev/null +++ b/Computer_Vision/dm_nfnet_f2_Opset16_timm/dm_nfnet_f2_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf8767bc611e8a7f8d5b74f8c349c76da18b98ce3b39f17759249b85dd099e2d +size 1276078125 diff --git a/Computer_Vision/dm_nfnet_f2_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dm_nfnet_f2_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..aaab6fdde --- /dev/null +++ b/Computer_Vision/dm_nfnet_f2_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 35.38500189781189 + set_success: 0.03421187400817871 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dm_nfnet_f2_timm_725b8115/onnx/dm_nfnet_f2_timm_725b8115-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dm_nfnet_f2.py +class: NormFreeNet +hash: becbfb4c +model_name: dm_nfnet_f2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1246170.0762 +onnx_ops_counter: + Add: 204 + AveragePool: 3 + BatchNormalization: 153 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 1018 + ConstantOfShape: 5 + Conv: 225 + Div: 166 + Erf: 148 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 134 + Mul: 787 + Pad: 5 + ReduceMean: 495 + Relu: 36 + Reshape: 163 + Shape: 13 + Sigmoid: 36 + Slice: 5 + Sub: 188 + Transpose: 5 + Unsqueeze: 40 +parameters: 193779228 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dm_nfnet_f2_Opset17_timm/dm_nfnet_f2_Opset17.onnx b/Computer_Vision/dm_nfnet_f2_Opset17_timm/dm_nfnet_f2_Opset17.onnx new file mode 100644 index 000000000..90ed2592a --- /dev/null +++ b/Computer_Vision/dm_nfnet_f2_Opset17_timm/dm_nfnet_f2_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0a30851f4fe9d9589dd5d5eb453ce3e7be1a699341d023ba394c8019a57d946 +size 1276078125 diff --git a/Computer_Vision/dm_nfnet_f2_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dm_nfnet_f2_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..80188ac7f --- /dev/null +++ b/Computer_Vision/dm_nfnet_f2_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 35.24064254760742 + set_success: 0.031970977783203125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dm_nfnet_f2_timm_725b8115/onnx/dm_nfnet_f2_timm_725b8115-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dm_nfnet_f2.py +class: NormFreeNet +hash: becbfb4c +model_name: dm_nfnet_f2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1246170.0762 +onnx_ops_counter: + Add: 204 + AveragePool: 3 + BatchNormalization: 153 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 1018 + ConstantOfShape: 5 + Conv: 225 + Div: 166 + Erf: 148 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 134 + Mul: 787 + Pad: 5 + ReduceMean: 495 + Relu: 36 + Reshape: 163 + Shape: 13 + Sigmoid: 36 + Slice: 5 + Sub: 188 + Transpose: 5 + Unsqueeze: 40 +parameters: 193779228 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dm_nfnet_f3_Opset16_timm/dm_nfnet_f3_Opset16.onnx b/Computer_Vision/dm_nfnet_f3_Opset16_timm/dm_nfnet_f3_Opset16.onnx new file mode 100644 index 000000000..aca6b36d2 --- /dev/null +++ b/Computer_Vision/dm_nfnet_f3_Opset16_timm/dm_nfnet_f3_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a07a42bc9b2eae380460b5daf2149c7ba049f25089c8b7a9bbd2f17d17cdc17a +size 1677932207 diff --git a/Computer_Vision/dm_nfnet_f3_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dm_nfnet_f3_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..923919190 --- /dev/null +++ b/Computer_Vision/dm_nfnet_f3_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 55.86774659156799 + set_success: 0.038903236389160156 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dm_nfnet_f3_timm_22ae4a5d/onnx/dm_nfnet_f3_timm_22ae4a5d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dm_nfnet_f3.py +class: NormFreeNet +hash: 81bb086a +model_name: dm_nfnet_f3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 320 + - 320 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1638605.7031 +onnx_ops_counter: + Add: 264 + AveragePool: 3 + BatchNormalization: 201 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 1294 + ConstantOfShape: 5 + Conv: 297 + Div: 214 + Erf: 196 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 182 + Mul: 1039 + Pad: 5 + ReduceMean: 651 + Relu: 48 + Reshape: 211 + Shape: 13 + Sigmoid: 48 + Slice: 5 + Sub: 236 + Transpose: 5 + Unsqueeze: 40 +parameters: 254924200 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dm_nfnet_f3_Opset17_timm/dm_nfnet_f3_Opset17.onnx b/Computer_Vision/dm_nfnet_f3_Opset17_timm/dm_nfnet_f3_Opset17.onnx new file mode 100644 index 000000000..4c41672f6 --- /dev/null +++ b/Computer_Vision/dm_nfnet_f3_Opset17_timm/dm_nfnet_f3_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89b73a4e478b811e056558bdc88c2f002936cd8bc8875bcb3021e03d2d03dba2 +size 1677932207 diff --git a/Computer_Vision/dm_nfnet_f3_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dm_nfnet_f3_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5f241e594 --- /dev/null +++ b/Computer_Vision/dm_nfnet_f3_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 55.3660774230957 + set_success: 0.03814840316772461 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dm_nfnet_f3_timm_22ae4a5d/onnx/dm_nfnet_f3_timm_22ae4a5d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dm_nfnet_f3.py +class: NormFreeNet +hash: 81bb086a +model_name: dm_nfnet_f3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 320 + - 320 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1638605.7031 +onnx_ops_counter: + Add: 264 + AveragePool: 3 + BatchNormalization: 201 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 1294 + ConstantOfShape: 5 + Conv: 297 + Div: 214 + Erf: 196 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 182 + Mul: 1039 + Pad: 5 + ReduceMean: 651 + Relu: 48 + Reshape: 211 + Shape: 13 + Sigmoid: 48 + Slice: 5 + Sub: 236 + Transpose: 5 + Unsqueeze: 40 +parameters: 254924200 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dm_nfnet_f4_Opset16_timm/dm_nfnet_f4_Opset16.onnx b/Computer_Vision/dm_nfnet_f4_Opset16_timm/dm_nfnet_f4_Opset16.onnx new file mode 100644 index 000000000..b742cb770 --- /dev/null +++ b/Computer_Vision/dm_nfnet_f4_Opset16_timm/dm_nfnet_f4_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ddb2c4765cc6ea2bc001b5776378e06602f3eeda767563d9eb46592341ba4fd +size 2079789331 diff --git a/Computer_Vision/dm_nfnet_f4_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dm_nfnet_f4_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cb33f9ae3 --- /dev/null +++ b/Computer_Vision/dm_nfnet_f4_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 80.43332695960999 + set_success: 0.04180097579956055 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dm_nfnet_f4_timm_afea5fd6/onnx/dm_nfnet_f4_timm_afea5fd6-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dm_nfnet_f4.py +class: NormFreeNet +hash: 3f19f674 +model_name: dm_nfnet_f4 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 2031044.3008 +onnx_ops_counter: + Add: 324 + AveragePool: 3 + BatchNormalization: 249 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 1570 + ConstantOfShape: 5 + Conv: 369 + Div: 262 + Erf: 244 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 230 + Mul: 1291 + Pad: 5 + ReduceMean: 807 + Relu: 60 + Reshape: 259 + Shape: 13 + Sigmoid: 60 + Slice: 5 + Sub: 284 + Transpose: 5 + Unsqueeze: 40 +parameters: 316069172 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dm_nfnet_f4_Opset17_timm/dm_nfnet_f4_Opset17.onnx b/Computer_Vision/dm_nfnet_f4_Opset17_timm/dm_nfnet_f4_Opset17.onnx new file mode 100644 index 000000000..63e90cf6b --- /dev/null +++ b/Computer_Vision/dm_nfnet_f4_Opset17_timm/dm_nfnet_f4_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c29761383e1b89455e6db661663811e98ba4a7b3cf4f3bc9d08281ab7fc499a +size 2079789331 diff --git a/Computer_Vision/dm_nfnet_f4_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dm_nfnet_f4_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f1e71ba16 --- /dev/null +++ b/Computer_Vision/dm_nfnet_f4_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 83.99896454811096 + set_success: 2.3915212154388428 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dm_nfnet_f4_timm_afea5fd6/onnx/dm_nfnet_f4_timm_afea5fd6-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dm_nfnet_f4.py +class: NormFreeNet +hash: 3f19f674 +model_name: dm_nfnet_f4 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 2031044.3008 +onnx_ops_counter: + Add: 324 + AveragePool: 3 + BatchNormalization: 249 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 1570 + ConstantOfShape: 5 + Conv: 369 + Div: 262 + Erf: 244 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 230 + Mul: 1291 + Pad: 5 + ReduceMean: 807 + Relu: 60 + Reshape: 259 + Shape: 13 + Sigmoid: 60 + Slice: 5 + Sub: 284 + Transpose: 5 + Unsqueeze: 40 +parameters: 316069172 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dm_nfnet_f5_Opset16_timm/dm_nfnet_f5_Opset16.tar.gz b/Computer_Vision/dm_nfnet_f5_Opset16_timm/dm_nfnet_f5_Opset16.tar.gz new file mode 100644 index 000000000..b460859a7 --- /dev/null +++ b/Computer_Vision/dm_nfnet_f5_Opset16_timm/dm_nfnet_f5_Opset16.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09757a26b3f2766d0ac9130b3ea2ad838e0290ec3df5bfd4223976918fccdba7 +size 2309419342 diff --git a/Computer_Vision/dm_nfnet_f5_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dm_nfnet_f5_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ac07ea0dc --- /dev/null +++ b/Computer_Vision/dm_nfnet_f5_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 93.77137017250061 + set_success: 0.05016136169433594 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dm_nfnet_f5_timm_1b7d304b/onnx/dm_nfnet_f5_timm_1b7d304b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dm_nfnet_f5.py +class: NormFreeNet +hash: 07698626 +model_name: dm_nfnet_f5 +onnx_input_dimensions: + x: + - 1 + - 3 + - 416 + - 416 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): null +onnx_ops_counter: + Add: 384 + AveragePool: 3 + BatchNormalization: 297 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 1846 + ConstantOfShape: 5 + Conv: 441 + Div: 310 + Erf: 292 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 278 + Mul: 1543 + Pad: 5 + ReduceMean: 963 + Relu: 72 + Reshape: 307 + Shape: 13 + Sigmoid: 72 + Slice: 5 + Sub: 332 + Transpose: 5 + Unsqueeze: 40 +parameters: 377214144 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dm_nfnet_f5_Opset17_timm/dm_nfnet_f5_Opset17.tar.gz b/Computer_Vision/dm_nfnet_f5_Opset17_timm/dm_nfnet_f5_Opset17.tar.gz new file mode 100644 index 000000000..9a47c7553 --- /dev/null +++ b/Computer_Vision/dm_nfnet_f5_Opset17_timm/dm_nfnet_f5_Opset17.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4dfef6c126314ce89731cc8ca532d993efab57023092d4e802ed30564ac94244 +size 2309414791 diff --git a/Computer_Vision/dm_nfnet_f5_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dm_nfnet_f5_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..479f9606a --- /dev/null +++ b/Computer_Vision/dm_nfnet_f5_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 104.34169840812683 + set_success: 0.045270442962646484 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dm_nfnet_f5_timm_1b7d304b/onnx/dm_nfnet_f5_timm_1b7d304b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dm_nfnet_f5.py +class: NormFreeNet +hash: 07698626 +model_name: dm_nfnet_f5 +onnx_input_dimensions: + x: + - 1 + - 3 + - 416 + - 416 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): null +onnx_ops_counter: + Add: 384 + AveragePool: 3 + BatchNormalization: 297 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 1846 + ConstantOfShape: 5 + Conv: 441 + Div: 310 + Erf: 292 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 278 + Mul: 1543 + Pad: 5 + ReduceMean: 963 + Relu: 72 + Reshape: 307 + Shape: 13 + Sigmoid: 72 + Slice: 5 + Sub: 332 + Transpose: 5 + Unsqueeze: 40 +parameters: 377214144 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dm_nfnet_f6_Opset16_timm/dm_nfnet_f6_Opset16.tar.gz b/Computer_Vision/dm_nfnet_f6_Opset16_timm/dm_nfnet_f6_Opset16.tar.gz new file mode 100644 index 000000000..d994400a4 --- /dev/null +++ b/Computer_Vision/dm_nfnet_f6_Opset16_timm/dm_nfnet_f6_Opset16.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:830f8525bfe3f869e63625a8a71ade8f1363f1f314767805202f47e2f3609c96 +size 2684966697 diff --git a/Computer_Vision/dm_nfnet_f6_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dm_nfnet_f6_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9d54c043f --- /dev/null +++ b/Computer_Vision/dm_nfnet_f6_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 136.41085028648376 + set_success: 0.04933500289916992 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dm_nfnet_f6_timm_bd67334e/onnx/dm_nfnet_f6_timm_bd67334e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dm_nfnet_f6.py +class: NormFreeNet +hash: 09df60be +model_name: dm_nfnet_f6 +onnx_input_dimensions: + x: + - 1 + - 3 + - 448 + - 448 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): null +onnx_ops_counter: + Add: 444 + AveragePool: 3 + BatchNormalization: 345 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 2122 + ConstantOfShape: 5 + Conv: 513 + Div: 358 + Erf: 340 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 326 + Mul: 1795 + Pad: 5 + ReduceMean: 1119 + Relu: 84 + Reshape: 355 + Shape: 13 + Sigmoid: 84 + Slice: 5 + Sub: 380 + Transpose: 5 + Unsqueeze: 40 +parameters: 438359116 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dm_nfnet_f6_Opset17_timm/dm_nfnet_f6_Opset17.tar.gz b/Computer_Vision/dm_nfnet_f6_Opset17_timm/dm_nfnet_f6_Opset17.tar.gz new file mode 100644 index 000000000..adfdfa23e --- /dev/null +++ b/Computer_Vision/dm_nfnet_f6_Opset17_timm/dm_nfnet_f6_Opset17.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b83c7013292c46803fe07d4f6ea071eeced065fa54b98a0624def3d3cfb2420e +size 2684962695 diff --git a/Computer_Vision/dm_nfnet_f6_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dm_nfnet_f6_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..af2a31f5a --- /dev/null +++ b/Computer_Vision/dm_nfnet_f6_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 134.85598349571228 + set_success: 0.05321550369262695 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dm_nfnet_f6_timm_bd67334e/onnx/dm_nfnet_f6_timm_bd67334e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dm_nfnet_f6.py +class: NormFreeNet +hash: 09df60be +model_name: dm_nfnet_f6 +onnx_input_dimensions: + x: + - 1 + - 3 + - 448 + - 448 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): null +onnx_ops_counter: + Add: 444 + AveragePool: 3 + BatchNormalization: 345 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 2122 + ConstantOfShape: 5 + Conv: 513 + Div: 358 + Erf: 340 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 326 + Mul: 1795 + Pad: 5 + ReduceMean: 1119 + Relu: 84 + Reshape: 355 + Shape: 13 + Sigmoid: 84 + Slice: 5 + Sub: 380 + Transpose: 5 + Unsqueeze: 40 +parameters: 438359116 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dpn107_Opset16_timm/dpn107_Opset16.onnx b/Computer_Vision/dpn107_Opset16_timm/dpn107_Opset16.onnx new file mode 100644 index 000000000..0dd9336eb --- /dev/null +++ b/Computer_Vision/dpn107_Opset16_timm/dpn107_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9cdff3ebb6865bf4237bd942b192516c894b08d8ccba76a47385eef5876dfc08 +size 348044136 diff --git a/Computer_Vision/dpn107_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dpn107_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a420495dd --- /dev/null +++ b/Computer_Vision/dpn107_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.424296855926514 + set_success: 0.01950383186340332 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dpn107_timm_e68b156e/onnx/dpn107_timm_e68b156e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dpn107.py +class: DPN +hash: 8628d562 +model_name: dpn107 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 339886.8838 +onnx_ops_counter: + Add: 35 + BatchNormalization: 40 + Concat: 66 + Constant: 312 + Conv: 111 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 8 + MaxPool: 1 + Relu: 111 + Slice: 78 +parameters: 86917800 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dpn107_Opset17_timm/dpn107_Opset17.onnx b/Computer_Vision/dpn107_Opset17_timm/dpn107_Opset17.onnx new file mode 100644 index 000000000..6ac202039 --- /dev/null +++ b/Computer_Vision/dpn107_Opset17_timm/dpn107_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0ebada3d1a70c734eec87f4cae22bb8c233459985ca70b212837afcc5b9e2d1 +size 348044136 diff --git a/Computer_Vision/dpn107_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dpn107_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5b2f66a61 --- /dev/null +++ b/Computer_Vision/dpn107_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.589711427688599 + set_success: 0.01940441131591797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dpn107_timm_e68b156e/onnx/dpn107_timm_e68b156e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dpn107.py +class: DPN +hash: 8628d562 +model_name: dpn107 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 339886.8838 +onnx_ops_counter: + Add: 35 + BatchNormalization: 40 + Concat: 66 + Constant: 312 + Conv: 111 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 8 + MaxPool: 1 + Relu: 111 + Slice: 78 +parameters: 86917800 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dpn107_Opset18_timm/dpn107_Opset18.onnx b/Computer_Vision/dpn107_Opset18_timm/dpn107_Opset18.onnx new file mode 100644 index 000000000..2381275cc --- /dev/null +++ b/Computer_Vision/dpn107_Opset18_timm/dpn107_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80df5d751b5d6b7ace672df24e027fbe60d500a64079308d827ed1af181d83da +size 348044136 diff --git a/Computer_Vision/dpn107_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/dpn107_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3f46925d2 --- /dev/null +++ b/Computer_Vision/dpn107_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.271730661392212 + set_success: 0.02429962158203125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dpn107_timm_e68b156e/onnx/dpn107_timm_e68b156e-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dpn107.py +class: DPN +hash: 8628d562 +model_name: dpn107 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 339886.8838 +onnx_ops_counter: + Add: 35 + BatchNormalization: 40 + Concat: 66 + Constant: 312 + Conv: 111 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 8 + MaxPool: 1 + Relu: 111 + Slice: 78 +parameters: 86917800 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dpn131_Opset16_timm/dpn131_Opset16.onnx b/Computer_Vision/dpn131_Opset16_timm/dpn131_Opset16.onnx new file mode 100644 index 000000000..6dbe4e450 --- /dev/null +++ b/Computer_Vision/dpn131_Opset16_timm/dpn131_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5f2755ec72a1b8fd805981319a16def4516daf395807cf22466353c2c684759 +size 317462880 diff --git a/Computer_Vision/dpn131_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dpn131_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c58f2ae46 --- /dev/null +++ b/Computer_Vision/dpn131_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.85356068611145 + set_success: 0.02310013771057129 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dpn131_timm_18478637/onnx/dpn131_timm_18478637-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dpn131.py +class: DPN +hash: fd990ebe +model_name: dpn131 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 310022.376 +onnx_ops_counter: + Add: 43 + BatchNormalization: 48 + Concat: 82 + Constant: 376 + Conv: 135 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 8 + MaxPool: 1 + Relu: 135 + Slice: 94 +parameters: 79254504 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dpn131_Opset17_timm/dpn131_Opset17.onnx b/Computer_Vision/dpn131_Opset17_timm/dpn131_Opset17.onnx new file mode 100644 index 000000000..589b613b7 --- /dev/null +++ b/Computer_Vision/dpn131_Opset17_timm/dpn131_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c1d5172b7c81bb98769ab3cba120bd9018d4dc8bd78ce19cea453fedf3998fed +size 317462880 diff --git a/Computer_Vision/dpn131_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dpn131_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f29d46116 --- /dev/null +++ b/Computer_Vision/dpn131_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.744237661361694 + set_success: 0.02014446258544922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dpn131_timm_18478637/onnx/dpn131_timm_18478637-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dpn131.py +class: DPN +hash: fd990ebe +model_name: dpn131 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 310022.376 +onnx_ops_counter: + Add: 43 + BatchNormalization: 48 + Concat: 82 + Constant: 376 + Conv: 135 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 8 + MaxPool: 1 + Relu: 135 + Slice: 94 +parameters: 79254504 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dpn131_Opset18_timm/dpn131_Opset18.onnx b/Computer_Vision/dpn131_Opset18_timm/dpn131_Opset18.onnx new file mode 100644 index 000000000..466abee39 --- /dev/null +++ b/Computer_Vision/dpn131_Opset18_timm/dpn131_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f0f1692ab03bac31b275314eac52d4e81c61d4736de17da7151b52edb9d9d270 +size 317462880 diff --git a/Computer_Vision/dpn131_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/dpn131_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7af7a1eb0 --- /dev/null +++ b/Computer_Vision/dpn131_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.067450284957886 + set_success: 0.028575897216796875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dpn131_timm_18478637/onnx/dpn131_timm_18478637-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dpn131.py +class: DPN +hash: fd990ebe +model_name: dpn131 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 310022.376 +onnx_ops_counter: + Add: 43 + BatchNormalization: 48 + Concat: 82 + Constant: 376 + Conv: 135 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 8 + MaxPool: 1 + Relu: 135 + Slice: 94 +parameters: 79254504 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dpn68_Opset16_timm/dpn68_Opset16.onnx b/Computer_Vision/dpn68_Opset16_timm/dpn68_Opset16.onnx new file mode 100644 index 000000000..7efe5b812 --- /dev/null +++ b/Computer_Vision/dpn68_Opset16_timm/dpn68_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:039cd55bd48e2bd929089332ef23289a775c3be1a05be65b1ed0e38a2d866bfb +size 50538887 diff --git a/Computer_Vision/dpn68_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dpn68_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..eb5bed661 --- /dev/null +++ b/Computer_Vision/dpn68_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.5308685302734375 + set_success: 0.01610732078552246 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dpn68_timm_dbdaaea7/onnx/dpn68_timm_dbdaaea7-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dpn68.py +class: DPN +hash: 5a2d9534 +model_name: dpn68 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 49354.4141 +onnx_ops_counter: + Add: 22 + BatchNormalization: 27 + Concat: 40 + Constant: 208 + Conv: 72 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 8 + MaxPool: 1 + Relu: 72 + Slice: 52 +parameters: 12611602 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dpn68_Opset17_timm/dpn68_Opset17.onnx b/Computer_Vision/dpn68_Opset17_timm/dpn68_Opset17.onnx new file mode 100644 index 000000000..0311c2472 --- /dev/null +++ b/Computer_Vision/dpn68_Opset17_timm/dpn68_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8e4cf7ddcc2c1f81ffb0bcc39efd0ffeecd0bde6aa1cadd672eaab45f00e99c +size 50538887 diff --git a/Computer_Vision/dpn68_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dpn68_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5b0d6e104 --- /dev/null +++ b/Computer_Vision/dpn68_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.548358201980591 + set_success: 0.017360210418701172 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dpn68_timm_dbdaaea7/onnx/dpn68_timm_dbdaaea7-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dpn68.py +class: DPN +hash: 5a2d9534 +model_name: dpn68 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 49354.4141 +onnx_ops_counter: + Add: 22 + BatchNormalization: 27 + Concat: 40 + Constant: 208 + Conv: 72 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 8 + MaxPool: 1 + Relu: 72 + Slice: 52 +parameters: 12611602 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dpn68_Opset18_timm/dpn68_Opset18.onnx b/Computer_Vision/dpn68_Opset18_timm/dpn68_Opset18.onnx new file mode 100644 index 000000000..d02b7865a --- /dev/null +++ b/Computer_Vision/dpn68_Opset18_timm/dpn68_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33ced19e8396fb834f379a44675a09f1504198e59597f022e11a4f66f15afd08 +size 50538887 diff --git a/Computer_Vision/dpn68_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/dpn68_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0798bac60 --- /dev/null +++ b/Computer_Vision/dpn68_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.672285795211792 + set_success: 0.01981186866760254 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dpn68_timm_dbdaaea7/onnx/dpn68_timm_dbdaaea7-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dpn68.py +class: DPN +hash: 5a2d9534 +model_name: dpn68 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 49354.4141 +onnx_ops_counter: + Add: 22 + BatchNormalization: 27 + Concat: 40 + Constant: 208 + Conv: 72 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 8 + MaxPool: 1 + Relu: 72 + Slice: 52 +parameters: 12611602 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dpn68b_Opset16_timm/dpn68b_Opset16.onnx b/Computer_Vision/dpn68b_Opset16_timm/dpn68b_Opset16.onnx new file mode 100644 index 000000000..cc187feb1 --- /dev/null +++ b/Computer_Vision/dpn68b_Opset16_timm/dpn68b_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e7fa494ec37a9d9ab660ee3350db4ef63d621ffc83bd2c6230c0b97b21b4742 +size 50514187 diff --git a/Computer_Vision/dpn68b_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dpn68b_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..731138a15 --- /dev/null +++ b/Computer_Vision/dpn68b_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.969989538192749 + set_success: 0.017494916915893555 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dpn68b_timm_e10b2cd3/onnx/dpn68b_timm_e10b2cd3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dpn68b.py +class: DPN +hash: 29a6bf4e +model_name: dpn68b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 49330.293 +onnx_ops_counter: + Add: 22 + BatchNormalization: 27 + Concat: 40 + Constant: 32 + Conv: 94 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 8 + MaxPool: 1 + Relu: 72 + Slice: 8 +parameters: 12611602 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dpn68b_Opset17_timm/dpn68b_Opset17.onnx b/Computer_Vision/dpn68b_Opset17_timm/dpn68b_Opset17.onnx new file mode 100644 index 000000000..5256b3126 --- /dev/null +++ b/Computer_Vision/dpn68b_Opset17_timm/dpn68b_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1bb4e8ac0c25a47ec47cf43ef7f5dca6a59e9e642ab118f54ee9876e346d8b3a +size 50514187 diff --git a/Computer_Vision/dpn68b_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dpn68b_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3779f25b5 --- /dev/null +++ b/Computer_Vision/dpn68b_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9754340648651123 + set_success: 0.016817092895507812 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dpn68b_timm_e10b2cd3/onnx/dpn68b_timm_e10b2cd3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dpn68b.py +class: DPN +hash: 29a6bf4e +model_name: dpn68b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 49330.293 +onnx_ops_counter: + Add: 22 + BatchNormalization: 27 + Concat: 40 + Constant: 32 + Conv: 94 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 8 + MaxPool: 1 + Relu: 72 + Slice: 8 +parameters: 12611602 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dpn68b_Opset18_timm/dpn68b_Opset18.onnx b/Computer_Vision/dpn68b_Opset18_timm/dpn68b_Opset18.onnx new file mode 100644 index 000000000..7e2828448 --- /dev/null +++ b/Computer_Vision/dpn68b_Opset18_timm/dpn68b_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c036c12d74383c6733689f1d8ad118be395cc5a8e5893a63c07c1f5616d95c94 +size 50514187 diff --git a/Computer_Vision/dpn68b_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/dpn68b_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..24ff8d4bb --- /dev/null +++ b/Computer_Vision/dpn68b_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0276098251342773 + set_success: 0.01902031898498535 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dpn68b_timm_e10b2cd3/onnx/dpn68b_timm_e10b2cd3-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dpn68b.py +class: DPN +hash: 29a6bf4e +model_name: dpn68b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 49330.293 +onnx_ops_counter: + Add: 22 + BatchNormalization: 27 + Concat: 40 + Constant: 32 + Conv: 94 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 8 + MaxPool: 1 + Relu: 72 + Slice: 8 +parameters: 12611602 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dpn92_Opset16_timm/dpn92_Opset16.onnx b/Computer_Vision/dpn92_Opset16_timm/dpn92_Opset16.onnx new file mode 100644 index 000000000..e6777ca1f --- /dev/null +++ b/Computer_Vision/dpn92_Opset16_timm/dpn92_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c3d5b28e45169098fb733d41f5f7778e10268bc9abdb2afc3bfcb225739de0e +size 151015273 diff --git a/Computer_Vision/dpn92_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dpn92_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f52aba90c --- /dev/null +++ b/Computer_Vision/dpn92_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.2508509159088135 + set_success: 0.021819114685058594 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dpn92_timm_a382a56a/onnx/dpn92_timm_a382a56a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dpn92.py +class: DPN +hash: 00b673d4 +model_name: dpn92 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 147475.8848 +onnx_ops_counter: + Add: 30 + BatchNormalization: 35 + Concat: 56 + Constant: 272 + Conv: 96 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 8 + MaxPool: 1 + Relu: 96 + Slice: 68 +parameters: 37668392 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dpn92_Opset17_timm/dpn92_Opset17.onnx b/Computer_Vision/dpn92_Opset17_timm/dpn92_Opset17.onnx new file mode 100644 index 000000000..03b7ce50f --- /dev/null +++ b/Computer_Vision/dpn92_Opset17_timm/dpn92_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50db40ce28977def5808004ac0444463993f0056671a486f6203a6c26def7e8c +size 151015273 diff --git a/Computer_Vision/dpn92_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dpn92_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f315bb479 --- /dev/null +++ b/Computer_Vision/dpn92_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.7641026973724365 + set_success: 0.019214391708374023 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dpn92_timm_a382a56a/onnx/dpn92_timm_a382a56a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dpn92.py +class: DPN +hash: 00b673d4 +model_name: dpn92 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 147475.8848 +onnx_ops_counter: + Add: 30 + BatchNormalization: 35 + Concat: 56 + Constant: 272 + Conv: 96 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 8 + MaxPool: 1 + Relu: 96 + Slice: 68 +parameters: 37668392 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dpn92_Opset18_timm/dpn92_Opset18.onnx b/Computer_Vision/dpn92_Opset18_timm/dpn92_Opset18.onnx new file mode 100644 index 000000000..08bb90d67 --- /dev/null +++ b/Computer_Vision/dpn92_Opset18_timm/dpn92_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:868a00f35d0338799763d342550fb2e8c83c92062d750b4a58b644f66d599449 +size 151015273 diff --git a/Computer_Vision/dpn92_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/dpn92_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..412f172b4 --- /dev/null +++ b/Computer_Vision/dpn92_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.4375340938568115 + set_success: 0.02551555633544922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dpn92_timm_a382a56a/onnx/dpn92_timm_a382a56a-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dpn92.py +class: DPN +hash: 00b673d4 +model_name: dpn92 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 147475.8848 +onnx_ops_counter: + Add: 30 + BatchNormalization: 35 + Concat: 56 + Constant: 272 + Conv: 96 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 8 + MaxPool: 1 + Relu: 96 + Slice: 68 +parameters: 37668392 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dpn98_Opset16_timm/dpn98_Opset16.onnx b/Computer_Vision/dpn98_Opset16_timm/dpn98_Opset16.onnx new file mode 100644 index 000000000..a27a713a6 --- /dev/null +++ b/Computer_Vision/dpn98_Opset16_timm/dpn98_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:43c93b98f41ac3eaeef19e27699a65b9b8946cd4cf87b6be804ee66227c59106 +size 246596528 diff --git a/Computer_Vision/dpn98_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/dpn98_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b3a3eed44 --- /dev/null +++ b/Computer_Vision/dpn98_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.760976076126099 + set_success: 0.019039630889892578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dpn98_timm_3ded6a02/onnx/dpn98_timm_3ded6a02-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dpn98.py +class: DPN +hash: 18c2a366 +model_name: dpn98 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 240816.9541 +onnx_ops_counter: + Add: 32 + BatchNormalization: 37 + Concat: 60 + Constant: 288 + Conv: 102 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 8 + MaxPool: 1 + Relu: 102 + Slice: 72 +parameters: 61570728 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dpn98_Opset17_timm/dpn98_Opset17.onnx b/Computer_Vision/dpn98_Opset17_timm/dpn98_Opset17.onnx new file mode 100644 index 000000000..2dca759fe --- /dev/null +++ b/Computer_Vision/dpn98_Opset17_timm/dpn98_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dff947bf5672b60767ebcc609678ef0ab728a79bebbdc5a25aa2cb02aec21307 +size 246596528 diff --git a/Computer_Vision/dpn98_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/dpn98_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a8de596c7 --- /dev/null +++ b/Computer_Vision/dpn98_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.965459108352661 + set_success: 0.02271747589111328 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dpn98_timm_3ded6a02/onnx/dpn98_timm_3ded6a02-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dpn98.py +class: DPN +hash: 18c2a366 +model_name: dpn98 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 240816.9541 +onnx_ops_counter: + Add: 32 + BatchNormalization: 37 + Concat: 60 + Constant: 288 + Conv: 102 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 8 + MaxPool: 1 + Relu: 102 + Slice: 72 +parameters: 61570728 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/dpn98_Opset18_timm/dpn98_Opset18.onnx b/Computer_Vision/dpn98_Opset18_timm/dpn98_Opset18.onnx new file mode 100644 index 000000000..187aa22e6 --- /dev/null +++ b/Computer_Vision/dpn98_Opset18_timm/dpn98_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a6972cca0f54e887125ff4cae5ae2aa891d3f58d516e7e44ce30ffe96482ad0 +size 246596528 diff --git a/Computer_Vision/dpn98_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/dpn98_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0492ead57 --- /dev/null +++ b/Computer_Vision/dpn98_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.848884105682373 + set_success: 0.02236628532409668 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/dpn98_timm_3ded6a02/onnx/dpn98_timm_3ded6a02-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/dpn98.py +class: DPN +hash: 18c2a366 +model_name: dpn98 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 240816.9541 +onnx_ops_counter: + Add: 32 + BatchNormalization: 37 + Concat: 60 + Constant: 288 + Conv: 102 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 8 + MaxPool: 1 + Relu: 102 + Slice: 72 +parameters: 61570728 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/eca_botnext26ts_256_Opset16_timm/eca_botnext26ts_256_Opset16.onnx b/Computer_Vision/eca_botnext26ts_256_Opset16_timm/eca_botnext26ts_256_Opset16.onnx new file mode 100644 index 000000000..48ef0d15b --- /dev/null +++ b/Computer_Vision/eca_botnext26ts_256_Opset16_timm/eca_botnext26ts_256_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7be807490aac1e10fec17ec302e7c350205f3538e4e7d58a777bf630783bddfc +size 42461339 diff --git a/Computer_Vision/eca_botnext26ts_256_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/eca_botnext26ts_256_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..629ca5a15 --- /dev/null +++ b/Computer_Vision/eca_botnext26ts_256_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8850364685058594 + set_success: 0.01600956916809082 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/eca_botnext26ts_256_timm_e3049f8d/onnx/eca_botnext26ts_256_timm_e3049f8d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/eca_botnext26ts_256.py +class: ByobNet +hash: 1b1f47c6 +model_name: eca_botnext26ts_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 41466.1836 +onnx_ops_counter: + Add: 14 + AveragePool: 1 + BatchNormalization: 3 + Cast: 12 + Concat: 12 + Constant: 213 + ConstantOfShape: 18 + Conv: 36 + Equal: 6 + Expand: 11 + Flatten: 7 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 12 + MaxPool: 1 + Mul: 41 + Pad: 12 + ReduceMean: 5 + Reshape: 70 + Shape: 5 + Sigmoid: 32 + Slice: 24 + Softmax: 3 + Split: 3 + Transpose: 30 + Where: 6 +parameters: 10593301 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/eca_botnext26ts_256_Opset17_timm/eca_botnext26ts_256_Opset17.onnx b/Computer_Vision/eca_botnext26ts_256_Opset17_timm/eca_botnext26ts_256_Opset17.onnx new file mode 100644 index 000000000..f4b331726 --- /dev/null +++ b/Computer_Vision/eca_botnext26ts_256_Opset17_timm/eca_botnext26ts_256_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a44875d8020de64670379114f7d9f96cc202a39d051559e41cc51d1875cd800b +size 42461339 diff --git a/Computer_Vision/eca_botnext26ts_256_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/eca_botnext26ts_256_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2ec9ce910 --- /dev/null +++ b/Computer_Vision/eca_botnext26ts_256_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0438647270202637 + set_success: 0.018047094345092773 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/eca_botnext26ts_256_timm_e3049f8d/onnx/eca_botnext26ts_256_timm_e3049f8d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/eca_botnext26ts_256.py +class: ByobNet +hash: 1b1f47c6 +model_name: eca_botnext26ts_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 41466.1836 +onnx_ops_counter: + Add: 14 + AveragePool: 1 + BatchNormalization: 3 + Cast: 12 + Concat: 12 + Constant: 213 + ConstantOfShape: 18 + Conv: 36 + Equal: 6 + Expand: 11 + Flatten: 7 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 12 + MaxPool: 1 + Mul: 41 + Pad: 12 + ReduceMean: 5 + Reshape: 70 + Shape: 5 + Sigmoid: 32 + Slice: 24 + Softmax: 3 + Split: 3 + Transpose: 30 + Where: 6 +parameters: 10593301 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/eca_nfnet_l0_Opset16_timm/eca_nfnet_l0_Opset16.onnx b/Computer_Vision/eca_nfnet_l0_Opset16_timm/eca_nfnet_l0_Opset16.onnx new file mode 100644 index 000000000..a462de17b --- /dev/null +++ b/Computer_Vision/eca_nfnet_l0_Opset16_timm/eca_nfnet_l0_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:013590c0d1889fd2a98ac96681835128a107af71ca2adcbf14ff3917a4cae1f7 +size 183989813 diff --git a/Computer_Vision/eca_nfnet_l0_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/eca_nfnet_l0_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cd27f74ac --- /dev/null +++ b/Computer_Vision/eca_nfnet_l0_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.215480804443359 + set_success: 0.017719745635986328 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/eca_nfnet_l0_timm_38d9c2d0/onnx/eca_nfnet_l0_timm_38d9c2d0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/eca_nfnet_l0.py +class: NormFreeNet +hash: e577dfdd +model_name: eca_nfnet_l0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 179677.584 +onnx_ops_counter: + Add: 12 + AveragePool: 3 + BatchNormalization: 57 + Constant: 117 + Conv: 69 + Expand: 12 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 38 + Mul: 157 + ReduceMean: 183 + Reshape: 81 + Shape: 12 + Sigmoid: 64 + Sub: 57 +parameters: 24143924 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/eca_nfnet_l0_Opset17_timm/eca_nfnet_l0_Opset17.onnx b/Computer_Vision/eca_nfnet_l0_Opset17_timm/eca_nfnet_l0_Opset17.onnx new file mode 100644 index 000000000..662cb186e --- /dev/null +++ b/Computer_Vision/eca_nfnet_l0_Opset17_timm/eca_nfnet_l0_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a9b981a6b4b03acad97a9e1004ff6eeeab3b4f2d3560860e3ae2dcab047424a +size 183989813 diff --git a/Computer_Vision/eca_nfnet_l0_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/eca_nfnet_l0_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2abeab329 --- /dev/null +++ b/Computer_Vision/eca_nfnet_l0_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.352814197540283 + set_success: 0.018307924270629883 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/eca_nfnet_l0_timm_38d9c2d0/onnx/eca_nfnet_l0_timm_38d9c2d0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/eca_nfnet_l0.py +class: NormFreeNet +hash: e577dfdd +model_name: eca_nfnet_l0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 179677.584 +onnx_ops_counter: + Add: 12 + AveragePool: 3 + BatchNormalization: 57 + Constant: 117 + Conv: 69 + Expand: 12 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 38 + Mul: 157 + ReduceMean: 183 + Reshape: 81 + Shape: 12 + Sigmoid: 64 + Sub: 57 +parameters: 24143924 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/eca_nfnet_l1_Opset16_timm/eca_nfnet_l1_Opset16.onnx b/Computer_Vision/eca_nfnet_l1_Opset16_timm/eca_nfnet_l1_Opset16.onnx new file mode 100644 index 000000000..46f005afe --- /dev/null +++ b/Computer_Vision/eca_nfnet_l1_Opset16_timm/eca_nfnet_l1_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d45bf7f2d823fe7021cad7241baa6a3910c8efd997673433696c2fda4730bf27 +size 319088327 diff --git a/Computer_Vision/eca_nfnet_l1_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/eca_nfnet_l1_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cea39cdbe --- /dev/null +++ b/Computer_Vision/eca_nfnet_l1_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.446298599243164 + set_success: 0.02253270149230957 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/eca_nfnet_l1_timm_64f5a356/onnx/eca_nfnet_l1_timm_64f5a356-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/eca_nfnet_l1.py +class: NormFreeNet +hash: f0393679 +model_name: eca_nfnet_l1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 311609.7266 +onnx_ops_counter: + Add: 24 + AveragePool: 3 + BatchNormalization: 105 + Constant: 225 + Conv: 129 + Expand: 24 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 85 + Mul: 301 + ReduceMean: 339 + Reshape: 153 + Shape: 24 + Sigmoid: 124 + Sub: 105 +parameters: 41407728 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/eca_nfnet_l1_Opset17_timm/eca_nfnet_l1_Opset17.onnx b/Computer_Vision/eca_nfnet_l1_Opset17_timm/eca_nfnet_l1_Opset17.onnx new file mode 100644 index 000000000..8cb76f7f1 --- /dev/null +++ b/Computer_Vision/eca_nfnet_l1_Opset17_timm/eca_nfnet_l1_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df071c60b8924a267db366d806cdd9f18062650721a4c0261cab068aa9065c0c +size 319088327 diff --git a/Computer_Vision/eca_nfnet_l1_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/eca_nfnet_l1_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..62ffc7ab1 --- /dev/null +++ b/Computer_Vision/eca_nfnet_l1_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.553109645843506 + set_success: 0.02105093002319336 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/eca_nfnet_l1_timm_64f5a356/onnx/eca_nfnet_l1_timm_64f5a356-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/eca_nfnet_l1.py +class: NormFreeNet +hash: f0393679 +model_name: eca_nfnet_l1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 311609.7266 +onnx_ops_counter: + Add: 24 + AveragePool: 3 + BatchNormalization: 105 + Constant: 225 + Conv: 129 + Expand: 24 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 85 + Mul: 301 + ReduceMean: 339 + Reshape: 153 + Shape: 24 + Sigmoid: 124 + Sub: 105 +parameters: 41407728 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/eca_nfnet_l2_Opset16_timm/eca_nfnet_l2_Opset16.onnx b/Computer_Vision/eca_nfnet_l2_Opset16_timm/eca_nfnet_l2_Opset16.onnx new file mode 100644 index 000000000..426eaeaec --- /dev/null +++ b/Computer_Vision/eca_nfnet_l2_Opset16_timm/eca_nfnet_l2_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:757d77bb5423c53dbc197ad71c89356d82d5ba46f24bf48c68f4feca57f719d1 +size 441669327 diff --git a/Computer_Vision/eca_nfnet_l2_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/eca_nfnet_l2_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bb5616f3e --- /dev/null +++ b/Computer_Vision/eca_nfnet_l2_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 21.728638887405396 + set_success: 0.03446006774902344 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/eca_nfnet_l2_timm_f709d7e1/onnx/eca_nfnet_l2_timm_f709d7e1-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/eca_nfnet_l2.py +class: NormFreeNet +hash: 0ba45a8c +model_name: eca_nfnet_l2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 320 + - 320 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 431317.7344 +onnx_ops_counter: + Add: 36 + AveragePool: 3 + BatchNormalization: 153 + Constant: 333 + Conv: 189 + Expand: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 133 + Mul: 445 + ReduceMean: 495 + Reshape: 225 + Shape: 36 + Sigmoid: 184 + Sub: 153 +parameters: 56722348 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/eca_nfnet_l2_Opset17_timm/eca_nfnet_l2_Opset17.onnx b/Computer_Vision/eca_nfnet_l2_Opset17_timm/eca_nfnet_l2_Opset17.onnx new file mode 100644 index 000000000..0c9bae5a7 --- /dev/null +++ b/Computer_Vision/eca_nfnet_l2_Opset17_timm/eca_nfnet_l2_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c26ffa36648fdeb60a0a73c51d30829ae7b7710207e8df8b8e77952401950a77 +size 441669327 diff --git a/Computer_Vision/eca_nfnet_l2_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/eca_nfnet_l2_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8fe99228a --- /dev/null +++ b/Computer_Vision/eca_nfnet_l2_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 23.90477442741394 + set_success: 0.03899383544921875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/eca_nfnet_l2_timm_f709d7e1/onnx/eca_nfnet_l2_timm_f709d7e1-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/eca_nfnet_l2.py +class: NormFreeNet +hash: 0ba45a8c +model_name: eca_nfnet_l2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 320 + - 320 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 431317.7344 +onnx_ops_counter: + Add: 36 + AveragePool: 3 + BatchNormalization: 153 + Constant: 333 + Conv: 189 + Expand: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 133 + Mul: 445 + ReduceMean: 495 + Reshape: 225 + Shape: 36 + Sigmoid: 184 + Sub: 153 +parameters: 56722348 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/eca_resnet33ts_Opset16_timm/eca_resnet33ts_Opset16.onnx b/Computer_Vision/eca_resnet33ts_Opset16_timm/eca_resnet33ts_Opset16.onnx new file mode 100644 index 000000000..5c0e11c6c --- /dev/null +++ b/Computer_Vision/eca_resnet33ts_Opset16_timm/eca_resnet33ts_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8bc97e018cd4ee17505d316e5186ea9e90372c1741475131a952b9426a2e9c4e +size 78674623 diff --git a/Computer_Vision/eca_resnet33ts_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/eca_resnet33ts_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9b1a15735 --- /dev/null +++ b/Computer_Vision/eca_resnet33ts_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.6289527416229248 + set_success: 0.016414642333984375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/eca_resnet33ts_timm_81ef3fe3/onnx/eca_resnet33ts_timm_81ef3fe3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/eca_resnet33ts.py +class: ByobNet +hash: 20d11e27 +model_name: eca_resnet33ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 76830.7188 +onnx_ops_counter: + Add: 10 + Constant: 20 + Conv: 48 + Expand: 10 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 44 + ReduceMean: 10 + Reshape: 20 + Shape: 10 + Sigmoid: 44 +parameters: 19676302 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/eca_resnet33ts_Opset17_timm/eca_resnet33ts_Opset17.onnx b/Computer_Vision/eca_resnet33ts_Opset17_timm/eca_resnet33ts_Opset17.onnx new file mode 100644 index 000000000..f0d389ef6 --- /dev/null +++ b/Computer_Vision/eca_resnet33ts_Opset17_timm/eca_resnet33ts_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7ab35096806edb1f09ac4f5f55363487858dd3d66491db84ec804b5bb78b79ca +size 78674623 diff --git a/Computer_Vision/eca_resnet33ts_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/eca_resnet33ts_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..846a43550 --- /dev/null +++ b/Computer_Vision/eca_resnet33ts_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.6622703075408936 + set_success: 0.019112110137939453 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/eca_resnet33ts_timm_81ef3fe3/onnx/eca_resnet33ts_timm_81ef3fe3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/eca_resnet33ts.py +class: ByobNet +hash: 20d11e27 +model_name: eca_resnet33ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 76830.7188 +onnx_ops_counter: + Add: 10 + Constant: 20 + Conv: 48 + Expand: 10 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 44 + ReduceMean: 10 + Reshape: 20 + Shape: 10 + Sigmoid: 44 +parameters: 19676302 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/eca_resnext26ts_Opset16_timm/eca_resnext26ts_Opset16.onnx b/Computer_Vision/eca_resnext26ts_Opset16_timm/eca_resnext26ts_Opset16.onnx new file mode 100644 index 000000000..9799cfced --- /dev/null +++ b/Computer_Vision/eca_resnext26ts_Opset16_timm/eca_resnext26ts_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b4ce15d0419924b09b1edd0520afd7767c3243fa97ef57686201fdaaacd9444b +size 41169459 diff --git a/Computer_Vision/eca_resnext26ts_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/eca_resnext26ts_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..93f7b238e --- /dev/null +++ b/Computer_Vision/eca_resnext26ts_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.10483980178833 + set_success: 0.01933598518371582 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/eca_resnext26ts_timm_f88d8c7a/onnx/eca_resnext26ts_timm_f88d8c7a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/eca_resnext26ts.py +class: ByobNet +hash: f0d5e6cd +model_name: eca_resnext26ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 40204.582 +onnx_ops_counter: + Add: 8 + Constant: 16 + Conv: 39 + Expand: 8 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 35 + ReduceMean: 8 + Reshape: 16 + Shape: 8 + Sigmoid: 35 +parameters: 10297988 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/eca_resnext26ts_Opset17_timm/eca_resnext26ts_Opset17.onnx b/Computer_Vision/eca_resnext26ts_Opset17_timm/eca_resnext26ts_Opset17.onnx new file mode 100644 index 000000000..4d316a1f7 --- /dev/null +++ b/Computer_Vision/eca_resnext26ts_Opset17_timm/eca_resnext26ts_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0e4323d0f178cb282ec18dace23cd9df81bdf956cc1635edaf7d366669fbb9b +size 41169459 diff --git a/Computer_Vision/eca_resnext26ts_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/eca_resnext26ts_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a368dc21f --- /dev/null +++ b/Computer_Vision/eca_resnext26ts_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2138731479644775 + set_success: 0.017992496490478516 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/eca_resnext26ts_timm_f88d8c7a/onnx/eca_resnext26ts_timm_f88d8c7a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/eca_resnext26ts.py +class: ByobNet +hash: f0d5e6cd +model_name: eca_resnext26ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 40204.582 +onnx_ops_counter: + Add: 8 + Constant: 16 + Conv: 39 + Expand: 8 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 35 + ReduceMean: 8 + Reshape: 16 + Shape: 8 + Sigmoid: 35 +parameters: 10297988 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ecaresnet101d_Opset16_timm/ecaresnet101d_Opset16.onnx b/Computer_Vision/ecaresnet101d_Opset16_timm/ecaresnet101d_Opset16.onnx new file mode 100644 index 000000000..45bbb199d --- /dev/null +++ b/Computer_Vision/ecaresnet101d_Opset16_timm/ecaresnet101d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:367be65600b57b5896260965a9adcdfd8072fc1f93ba7134b386165d7b20c621 +size 178165710 diff --git a/Computer_Vision/ecaresnet101d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/ecaresnet101d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..da0c045fd --- /dev/null +++ b/Computer_Vision/ecaresnet101d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.438910484313965 + set_success: 0.01811075210571289 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ecaresnet101d_timm_36dcb61b/onnx/ecaresnet101d_timm_36dcb61b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ecaresnet101d.py +class: ResNet +hash: a50febd1 +model_name: ecaresnet101d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 173989.9834 +onnx_ops_counter: + Add: 33 + AveragePool: 3 + Constant: 66 + Conv: 139 + Expand: 33 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 33 + ReduceMean: 33 + Relu: 102 + Reshape: 66 + Shape: 33 + Sigmoid: 33 +parameters: 44568563 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ecaresnet101d_Opset17_timm/ecaresnet101d_Opset17.onnx b/Computer_Vision/ecaresnet101d_Opset17_timm/ecaresnet101d_Opset17.onnx new file mode 100644 index 000000000..af0de049f --- /dev/null +++ b/Computer_Vision/ecaresnet101d_Opset17_timm/ecaresnet101d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd6d129eb206254bf0fc849ec7fa94853a67a54be6d07680e50f679639fcda63 +size 178165710 diff --git a/Computer_Vision/ecaresnet101d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/ecaresnet101d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..165c18e5a --- /dev/null +++ b/Computer_Vision/ecaresnet101d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.49857234954834 + set_success: 0.02012181282043457 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ecaresnet101d_timm_36dcb61b/onnx/ecaresnet101d_timm_36dcb61b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ecaresnet101d.py +class: ResNet +hash: a50febd1 +model_name: ecaresnet101d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 173989.9834 +onnx_ops_counter: + Add: 33 + AveragePool: 3 + Constant: 66 + Conv: 139 + Expand: 33 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 33 + ReduceMean: 33 + Relu: 102 + Reshape: 66 + Shape: 33 + Sigmoid: 33 +parameters: 44568563 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ecaresnet269d_Opset16_timm/ecaresnet269d_Opset16.onnx b/Computer_Vision/ecaresnet269d_Opset16_timm/ecaresnet269d_Opset16.onnx new file mode 100644 index 000000000..6d816f34b --- /dev/null +++ b/Computer_Vision/ecaresnet269d_Opset16_timm/ecaresnet269d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c1739661ce6b942637c92bc94eb74106278cbc61b960e0e14c91f54dbadc5863 +size 408136980 diff --git a/Computer_Vision/ecaresnet269d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/ecaresnet269d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e3fbf4a52 --- /dev/null +++ b/Computer_Vision/ecaresnet269d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 26.54017734527588 + set_success: 0.028765201568603516 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ecaresnet269d_timm_2474b864/onnx/ecaresnet269d_timm_2474b864-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ecaresnet269d.py +class: ResNet +hash: a12f5b20 +model_name: ecaresnet269d +onnx_input_dimensions: + x: + - 1 + - 3 + - 320 + - 320 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 398571.3018 +onnx_ops_counter: + Add: 89 + AveragePool: 3 + Constant: 178 + Conv: 363 + Expand: 89 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 89 + ReduceMean: 89 + Relu: 270 + Reshape: 178 + Shape: 89 + Sigmoid: 89 +parameters: 102093077 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ecaresnet269d_Opset17_timm/ecaresnet269d_Opset17.onnx b/Computer_Vision/ecaresnet269d_Opset17_timm/ecaresnet269d_Opset17.onnx new file mode 100644 index 000000000..0a3149328 --- /dev/null +++ b/Computer_Vision/ecaresnet269d_Opset17_timm/ecaresnet269d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1350c59b4314f7a4a9f07fcbe7e4b5a300a20ea7bf97c8e3262e993663a45a33 +size 408136980 diff --git a/Computer_Vision/ecaresnet269d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/ecaresnet269d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a90bf1f7a --- /dev/null +++ b/Computer_Vision/ecaresnet269d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 29.920241594314575 + set_success: 0.041916847229003906 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ecaresnet269d_timm_2474b864/onnx/ecaresnet269d_timm_2474b864-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ecaresnet269d.py +class: ResNet +hash: a12f5b20 +model_name: ecaresnet269d +onnx_input_dimensions: + x: + - 1 + - 3 + - 320 + - 320 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 398571.3018 +onnx_ops_counter: + Add: 89 + AveragePool: 3 + Constant: 178 + Conv: 363 + Expand: 89 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 89 + ReduceMean: 89 + Relu: 270 + Reshape: 178 + Shape: 89 + Sigmoid: 89 +parameters: 102093077 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ecaresnet26t_Opset16_timm/ecaresnet26t_Opset16.onnx b/Computer_Vision/ecaresnet26t_Opset16_timm/ecaresnet26t_Opset16.onnx new file mode 100644 index 000000000..497b9f845 --- /dev/null +++ b/Computer_Vision/ecaresnet26t_Opset16_timm/ecaresnet26t_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d77cd500cceca0d62f537159b63c57f6b0dde511ad1a42ac9d00571bdd3e13be +size 64013360 diff --git a/Computer_Vision/ecaresnet26t_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/ecaresnet26t_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..91ce84a8f --- /dev/null +++ b/Computer_Vision/ecaresnet26t_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2673814296722412 + set_success: 0.01609492301940918 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ecaresnet26t_timm_178635ff/onnx/ecaresnet26t_timm_178635ff-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ecaresnet26t.py +class: ResNet +hash: 419d6fbf +model_name: ecaresnet26t +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 62513.0791 +onnx_ops_counter: + Add: 8 + AveragePool: 3 + Constant: 16 + Conv: 39 + Expand: 8 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 8 + ReduceMean: 8 + Relu: 27 + Reshape: 16 + Shape: 8 + Sigmoid: 8 +parameters: 16011916 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ecaresnet26t_Opset17_timm/ecaresnet26t_Opset17.onnx b/Computer_Vision/ecaresnet26t_Opset17_timm/ecaresnet26t_Opset17.onnx new file mode 100644 index 000000000..a47a73938 --- /dev/null +++ b/Computer_Vision/ecaresnet26t_Opset17_timm/ecaresnet26t_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fab4b10bbca52054ffd0a5f02d0eb3ea0140026c4eff8792a3e09b7b60f4677f +size 64013360 diff --git a/Computer_Vision/ecaresnet26t_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/ecaresnet26t_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..eeff877e9 --- /dev/null +++ b/Computer_Vision/ecaresnet26t_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.254021406173706 + set_success: 0.016105175018310547 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ecaresnet26t_timm_178635ff/onnx/ecaresnet26t_timm_178635ff-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ecaresnet26t.py +class: ResNet +hash: 419d6fbf +model_name: ecaresnet26t +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 62513.0791 +onnx_ops_counter: + Add: 8 + AveragePool: 3 + Constant: 16 + Conv: 39 + Expand: 8 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 8 + ReduceMean: 8 + Relu: 27 + Reshape: 16 + Shape: 8 + Sigmoid: 8 +parameters: 16011916 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ecaresnet50d_Opset16_timm/ecaresnet50d_Opset16.onnx b/Computer_Vision/ecaresnet50d_Opset16_timm/ecaresnet50d_Opset16.onnx new file mode 100644 index 000000000..e87ee6506 --- /dev/null +++ b/Computer_Vision/ecaresnet50d_Opset16_timm/ecaresnet50d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fbcc856c2306cf1c77e2dce6ee57aa2f618d6573f23584826fe08df9913d7f38 +size 102250208 diff --git a/Computer_Vision/ecaresnet50d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/ecaresnet50d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..28065c9f2 --- /dev/null +++ b/Computer_Vision/ecaresnet50d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.244544744491577 + set_success: 0.017354249954223633 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ecaresnet50d_timm_093cd486/onnx/ecaresnet50d_timm_093cd486-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ecaresnet50d.py +class: ResNet +hash: a6fa0e6f +model_name: ecaresnet50d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 99853.751 +onnx_ops_counter: + Add: 16 + AveragePool: 3 + Constant: 32 + Conv: 71 + Expand: 16 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + Relu: 51 + Reshape: 32 + Shape: 16 + Sigmoid: 16 +parameters: 25576350 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ecaresnet50d_Opset17_timm/ecaresnet50d_Opset17.onnx b/Computer_Vision/ecaresnet50d_Opset17_timm/ecaresnet50d_Opset17.onnx new file mode 100644 index 000000000..5d5030cae --- /dev/null +++ b/Computer_Vision/ecaresnet50d_Opset17_timm/ecaresnet50d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f7fae5509ec16267d9a9d2475adde1f3e435649e11a7bd3b4c29ba9515317c7 +size 102250208 diff --git a/Computer_Vision/ecaresnet50d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/ecaresnet50d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bae88238b --- /dev/null +++ b/Computer_Vision/ecaresnet50d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.3242437839508057 + set_success: 0.01648855209350586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ecaresnet50d_timm_093cd486/onnx/ecaresnet50d_timm_093cd486-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ecaresnet50d.py +class: ResNet +hash: a6fa0e6f +model_name: ecaresnet50d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 99853.751 +onnx_ops_counter: + Add: 16 + AveragePool: 3 + Constant: 32 + Conv: 71 + Expand: 16 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + Relu: 51 + Reshape: 32 + Shape: 16 + Sigmoid: 16 +parameters: 25576350 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ecaresnet50t_Opset16_timm/ecaresnet50t_Opset16.onnx b/Computer_Vision/ecaresnet50t_Opset16_timm/ecaresnet50t_Opset16.onnx new file mode 100644 index 000000000..827acd5a8 --- /dev/null +++ b/Computer_Vision/ecaresnet50t_Opset16_timm/ecaresnet50t_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:72c7cb9df957bbb4ac5d11b867ccb0fc96f0682730c4f72c41c726ee215a821b +size 102240094 diff --git a/Computer_Vision/ecaresnet50t_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/ecaresnet50t_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..48dbb6432 --- /dev/null +++ b/Computer_Vision/ecaresnet50t_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.3804030418395996 + set_success: 0.01747441291809082 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ecaresnet50t_timm_13a57d4b/onnx/ecaresnet50t_timm_13a57d4b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ecaresnet50t.py +class: ResNet +hash: 17ff7d61 +model_name: ecaresnet50t +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 99843.874 +onnx_ops_counter: + Add: 16 + AveragePool: 3 + Constant: 32 + Conv: 71 + Expand: 16 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + Relu: 51 + Reshape: 32 + Shape: 16 + Sigmoid: 16 +parameters: 25573814 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ecaresnet50t_Opset17_timm/ecaresnet50t_Opset17.onnx b/Computer_Vision/ecaresnet50t_Opset17_timm/ecaresnet50t_Opset17.onnx new file mode 100644 index 000000000..2f2f05be5 --- /dev/null +++ b/Computer_Vision/ecaresnet50t_Opset17_timm/ecaresnet50t_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b8f74eb6a1463891271b2664f984a470444659bd70c887de13ab1a98df3c6a8 +size 102240094 diff --git a/Computer_Vision/ecaresnet50t_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/ecaresnet50t_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1b8e65cc5 --- /dev/null +++ b/Computer_Vision/ecaresnet50t_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.3368279933929443 + set_success: 0.01711750030517578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ecaresnet50t_timm_13a57d4b/onnx/ecaresnet50t_timm_13a57d4b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ecaresnet50t.py +class: ResNet +hash: 17ff7d61 +model_name: ecaresnet50t +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 99843.874 +onnx_ops_counter: + Add: 16 + AveragePool: 3 + Constant: 32 + Conv: 71 + Expand: 16 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + Relu: 51 + Reshape: 32 + Shape: 16 + Sigmoid: 16 +parameters: 25573814 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ecaresnetlight_Opset16_timm/ecaresnetlight_Opset16.onnx b/Computer_Vision/ecaresnetlight_Opset16_timm/ecaresnetlight_Opset16.onnx new file mode 100644 index 000000000..0daa85699 --- /dev/null +++ b/Computer_Vision/ecaresnetlight_Opset16_timm/ecaresnetlight_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a86b6937d7a5228cf22d4170be5c94f67d22c007c8cc0ef58e5d7691281fb59b +size 120574111 diff --git a/Computer_Vision/ecaresnetlight_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/ecaresnetlight_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bbaec44b2 --- /dev/null +++ b/Computer_Vision/ecaresnetlight_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.4658408164978027 + set_success: 0.016650676727294922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ecaresnetlight_timm_49254a9f/onnx/ecaresnetlight_timm_49254a9f-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ecaresnetlight.py +class: ResNet +hash: 85f4a3d8 +model_name: ecaresnetlight +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 117748.1875 +onnx_ops_counter: + Add: 16 + AveragePool: 3 + Constant: 32 + Conv: 69 + Expand: 16 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + Relu: 49 + Reshape: 32 + Shape: 16 + Sigmoid: 16 +parameters: 30162046 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ecaresnetlight_Opset17_timm/ecaresnetlight_Opset17.onnx b/Computer_Vision/ecaresnetlight_Opset17_timm/ecaresnetlight_Opset17.onnx new file mode 100644 index 000000000..df3163a13 --- /dev/null +++ b/Computer_Vision/ecaresnetlight_Opset17_timm/ecaresnetlight_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61fb5c066a8cc62b261a505c4e0cfe67758cfba328596641387ed83f32df16a5 +size 120574111 diff --git a/Computer_Vision/ecaresnetlight_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/ecaresnetlight_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..29bc0aab6 --- /dev/null +++ b/Computer_Vision/ecaresnetlight_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.4698665142059326 + set_success: 0.01645207405090332 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ecaresnetlight_timm_49254a9f/onnx/ecaresnetlight_timm_49254a9f-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ecaresnetlight.py +class: ResNet +hash: 85f4a3d8 +model_name: ecaresnetlight +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 117748.1875 +onnx_ops_counter: + Add: 16 + AveragePool: 3 + Constant: 32 + Conv: 69 + Expand: 16 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + Relu: 49 + Reshape: 32 + Shape: 16 + Sigmoid: 16 +parameters: 30162046 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/edgenext_small_Opset16_timm/edgenext_small_Opset16.onnx b/Computer_Vision/edgenext_small_Opset16_timm/edgenext_small_Opset16.onnx new file mode 100644 index 000000000..0d771eefb --- /dev/null +++ b/Computer_Vision/edgenext_small_Opset16_timm/edgenext_small_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a6e173802ccf80626c5d3ff524b4bc09b938bed57bcad337379b334b4f1aeac5 +size 22542996 diff --git a/Computer_Vision/edgenext_small_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/edgenext_small_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cd3ffd8d2 --- /dev/null +++ b/Computer_Vision/edgenext_small_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,224 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7886238098144531 + set_success: 0.016376495361328125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/edgenext_small_timm_e966af49/onnx/edgenext_small_timm_e966af49-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/edgenext_small.py +class: EdgeNeXt +hash: 538b70d3 +model_name: edgenext_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 22014.6768 +onnx_ops_counter: + Abs: 6 + Add: 142 + Clip: 6 + Concat: 8 + Constant: 224 + Conv: 26 + Cos: 2 + CumSum: 2 + Div: 57 + Erf: 18 + Expand: 6 + Flatten: 1 + Gather: 3 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 48 + Mul: 97 + Pow: 38 + ReduceMean: 52 + ReduceSum: 6 + Reshape: 15 + Shape: 11 + Sin: 2 + Slice: 17 + Softmax: 3 + Split: 3 + Sqrt: 26 + Squeeze: 9 + Sub: 26 + Transpose: 57 + Unsqueeze: 6 +parameters: 5586832 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/edgenext_small_Opset17_timm/edgenext_small_Opset17.onnx b/Computer_Vision/edgenext_small_Opset17_timm/edgenext_small_Opset17.onnx new file mode 100644 index 000000000..5872bcc3d --- /dev/null +++ b/Computer_Vision/edgenext_small_Opset17_timm/edgenext_small_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d355ed4bdd9bae7af6c1eedd9ba8e4c70cd3fc15bbce9cb53169cd76d4480aab +size 22498402 diff --git a/Computer_Vision/edgenext_small_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/edgenext_small_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6edb11d1d --- /dev/null +++ b/Computer_Vision/edgenext_small_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.56587553024292 + set_success: 0.01791071891784668 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/edgenext_small_timm_e966af49/onnx/edgenext_small_timm_e966af49-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/edgenext_small.py +class: EdgeNeXt +hash: 538b70d3 +model_name: edgenext_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 21971.1279 +onnx_ops_counter: + Abs: 6 + Add: 90 + Clip: 6 + Concat: 8 + Constant: 172 + Conv: 26 + Cos: 2 + CumSum: 2 + Div: 31 + Erf: 18 + Expand: 6 + Flatten: 1 + Gather: 3 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 26 + MatMul: 48 + Mul: 71 + Pow: 12 + ReduceSum: 6 + Reshape: 15 + Shape: 11 + Sin: 2 + Slice: 17 + Softmax: 3 + Split: 3 + Squeeze: 9 + Transpose: 57 + Unsqueeze: 6 +parameters: 5586832 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/edgenext_small_Opset18_timm/edgenext_small_Opset18.onnx b/Computer_Vision/edgenext_small_Opset18_timm/edgenext_small_Opset18.onnx new file mode 100644 index 000000000..4edb856b9 --- /dev/null +++ b/Computer_Vision/edgenext_small_Opset18_timm/edgenext_small_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f234fc4adf2c171163441e6379601c807e8542435f2f3cd8e9691a58d55985c2 +size 22498402 diff --git a/Computer_Vision/edgenext_small_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/edgenext_small_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..344e6b1ce --- /dev/null +++ b/Computer_Vision/edgenext_small_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0107178688049316 + set_success: 0.026670217514038086 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/edgenext_small_timm_e966af49/onnx/edgenext_small_timm_e966af49-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/edgenext_small.py +class: EdgeNeXt +hash: 538b70d3 +model_name: edgenext_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 21971.1279 +onnx_ops_counter: + Abs: 6 + Add: 90 + Clip: 6 + Concat: 8 + Constant: 172 + Conv: 26 + Cos: 2 + CumSum: 2 + Div: 31 + Erf: 18 + Expand: 6 + Flatten: 1 + Gather: 3 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 26 + MatMul: 48 + Mul: 71 + Pow: 12 + ReduceSum: 6 + Reshape: 15 + Shape: 11 + Sin: 2 + Slice: 17 + Softmax: 3 + Split: 3 + Squeeze: 9 + Transpose: 57 + Unsqueeze: 6 +parameters: 5586832 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/edgenext_small_rw_Opset16_timm/edgenext_small_rw_Opset16.onnx b/Computer_Vision/edgenext_small_rw_Opset16_timm/edgenext_small_rw_Opset16.onnx new file mode 100644 index 000000000..8e53f4398 --- /dev/null +++ b/Computer_Vision/edgenext_small_rw_Opset16_timm/edgenext_small_rw_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:250743a50c8849b5006a795980a8a8d9ef62027e8317d380788cf3803d06c9ff +size 31490858 diff --git a/Computer_Vision/edgenext_small_rw_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/edgenext_small_rw_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f86f65352 --- /dev/null +++ b/Computer_Vision/edgenext_small_rw_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,224 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.6396617889404297 + set_success: 0.018964290618896484 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/edgenext_small_rw_timm_82bdf8c0/onnx/edgenext_small_rw_timm_82bdf8c0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/edgenext_small_rw.py +class: EdgeNeXt +hash: 7406c4a3 +model_name: edgenext_small_rw +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 30752.8232 +onnx_ops_counter: + Abs: 6 + Add: 136 + Clip: 6 + Concat: 8 + Constant: 218 + Conv: 23 + Cos: 2 + CumSum: 2 + Div: 54 + Erf: 18 + Expand: 6 + Flatten: 1 + Gather: 3 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 48 + Mul: 94 + Pow: 35 + ReduceMean: 46 + ReduceSum: 6 + Reshape: 15 + Shape: 11 + Sin: 2 + Slice: 17 + Softmax: 3 + Split: 3 + Sqrt: 23 + Squeeze: 9 + Sub: 23 + Transpose: 51 + Unsqueeze: 6 +parameters: 7826512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/edgenext_small_rw_Opset17_timm/edgenext_small_rw_Opset17.onnx b/Computer_Vision/edgenext_small_rw_Opset17_timm/edgenext_small_rw_Opset17.onnx new file mode 100644 index 000000000..60bc8fec9 --- /dev/null +++ b/Computer_Vision/edgenext_small_rw_Opset17_timm/edgenext_small_rw_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2476842edfbef3211aac891dbf9afe0fb84e1e84195b3c8e849efd611cd019e +size 31451847 diff --git a/Computer_Vision/edgenext_small_rw_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/edgenext_small_rw_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..987fdc5d0 --- /dev/null +++ b/Computer_Vision/edgenext_small_rw_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.4943714141845703 + set_success: 0.018151283264160156 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/edgenext_small_rw_timm_82bdf8c0/onnx/edgenext_small_rw_timm_82bdf8c0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/edgenext_small_rw.py +class: EdgeNeXt +hash: 7406c4a3 +model_name: edgenext_small_rw +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 30714.7266 +onnx_ops_counter: + Abs: 6 + Add: 90 + Clip: 6 + Concat: 8 + Constant: 172 + Conv: 23 + Cos: 2 + CumSum: 2 + Div: 31 + Erf: 18 + Expand: 6 + Flatten: 1 + Gather: 3 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 23 + MatMul: 48 + Mul: 71 + Pow: 12 + ReduceSum: 6 + Reshape: 15 + Shape: 11 + Sin: 2 + Slice: 17 + Softmax: 3 + Split: 3 + Squeeze: 9 + Transpose: 51 + Unsqueeze: 6 +parameters: 7826512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/edgenext_small_rw_Opset18_timm/edgenext_small_rw_Opset18.onnx b/Computer_Vision/edgenext_small_rw_Opset18_timm/edgenext_small_rw_Opset18.onnx new file mode 100644 index 000000000..2b6558f39 --- /dev/null +++ b/Computer_Vision/edgenext_small_rw_Opset18_timm/edgenext_small_rw_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:704b2bcb4e192dca485ae257f0e09abe2dc455e5fad069ae6426bf6a6d8ee97f +size 31451847 diff --git a/Computer_Vision/edgenext_small_rw_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/edgenext_small_rw_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3a50c5c0b --- /dev/null +++ b/Computer_Vision/edgenext_small_rw_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.4755651950836182 + set_success: 0.01691579818725586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/edgenext_small_rw_timm_82bdf8c0/onnx/edgenext_small_rw_timm_82bdf8c0-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/edgenext_small_rw.py +class: EdgeNeXt +hash: 7406c4a3 +model_name: edgenext_small_rw +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 30714.7266 +onnx_ops_counter: + Abs: 6 + Add: 90 + Clip: 6 + Concat: 8 + Constant: 172 + Conv: 23 + Cos: 2 + CumSum: 2 + Div: 31 + Erf: 18 + Expand: 6 + Flatten: 1 + Gather: 3 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 23 + MatMul: 48 + Mul: 71 + Pow: 12 + ReduceSum: 6 + Reshape: 15 + Shape: 11 + Sin: 2 + Slice: 17 + Softmax: 3 + Split: 3 + Squeeze: 9 + Transpose: 51 + Unsqueeze: 6 +parameters: 7826512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/edgenext_x_small_Opset16_timm/edgenext_x_small_Opset16.onnx b/Computer_Vision/edgenext_x_small_Opset16_timm/edgenext_x_small_Opset16.onnx new file mode 100644 index 000000000..ed190dd84 --- /dev/null +++ b/Computer_Vision/edgenext_x_small_Opset16_timm/edgenext_x_small_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:00967442fdd2cfd35e21ed1e812afda0ec727a10125d8975ba7e15f026ac85b7 +size 9542794 diff --git a/Computer_Vision/edgenext_x_small_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/edgenext_x_small_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e6a235a6b --- /dev/null +++ b/Computer_Vision/edgenext_x_small_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,224 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.606062650680542 + set_success: 0.015188932418823242 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/edgenext_x_small_timm_a0957130/onnx/edgenext_x_small_timm_a0957130-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/edgenext_x_small.py +class: EdgeNeXt +hash: 722e509d +model_name: edgenext_x_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 9319.167 +onnx_ops_counter: + Abs: 6 + Add: 142 + Clip: 6 + Concat: 8 + Constant: 224 + Conv: 26 + Cos: 2 + CumSum: 2 + Div: 57 + Erf: 18 + Expand: 6 + Flatten: 1 + Gather: 3 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 48 + Mul: 97 + Pow: 38 + ReduceMean: 52 + ReduceSum: 6 + Reshape: 15 + Shape: 11 + Sin: 2 + Slice: 17 + Softmax: 3 + Split: 3 + Sqrt: 26 + Squeeze: 9 + Sub: 26 + Transpose: 57 + Unsqueeze: 6 +parameters: 2336804 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/edgenext_x_small_Opset17_timm/edgenext_x_small_Opset17.onnx b/Computer_Vision/edgenext_x_small_Opset17_timm/edgenext_x_small_Opset17.onnx new file mode 100644 index 000000000..a2a7b1b47 --- /dev/null +++ b/Computer_Vision/edgenext_x_small_Opset17_timm/edgenext_x_small_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06dbb1ade32e67a7701af81dd7ce53f03d26e963dddc099ece2c32f1598ed660 +size 9498200 diff --git a/Computer_Vision/edgenext_x_small_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/edgenext_x_small_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..58c477ca1 --- /dev/null +++ b/Computer_Vision/edgenext_x_small_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.4491782188415527 + set_success: 0.015375137329101562 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/edgenext_x_small_timm_a0957130/onnx/edgenext_x_small_timm_a0957130-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/edgenext_x_small.py +class: EdgeNeXt +hash: 722e509d +model_name: edgenext_x_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 9275.6182 +onnx_ops_counter: + Abs: 6 + Add: 90 + Clip: 6 + Concat: 8 + Constant: 172 + Conv: 26 + Cos: 2 + CumSum: 2 + Div: 31 + Erf: 18 + Expand: 6 + Flatten: 1 + Gather: 3 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 26 + MatMul: 48 + Mul: 71 + Pow: 12 + ReduceSum: 6 + Reshape: 15 + Shape: 11 + Sin: 2 + Slice: 17 + Softmax: 3 + Split: 3 + Squeeze: 9 + Transpose: 57 + Unsqueeze: 6 +parameters: 2336804 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/edgenext_x_small_Opset18_timm/edgenext_x_small_Opset18.onnx b/Computer_Vision/edgenext_x_small_Opset18_timm/edgenext_x_small_Opset18.onnx new file mode 100644 index 000000000..f716d9c1d --- /dev/null +++ b/Computer_Vision/edgenext_x_small_Opset18_timm/edgenext_x_small_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a52eb4516849df7fb9bc19b6d53ac54f53c89ec85bd997548ca2fbbb53fa102 +size 9498200 diff --git a/Computer_Vision/edgenext_x_small_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/edgenext_x_small_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2eeb08b30 --- /dev/null +++ b/Computer_Vision/edgenext_x_small_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.4836907386779785 + set_success: 0.017847537994384766 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/edgenext_x_small_timm_a0957130/onnx/edgenext_x_small_timm_a0957130-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/edgenext_x_small.py +class: EdgeNeXt +hash: 722e509d +model_name: edgenext_x_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 9275.6182 +onnx_ops_counter: + Abs: 6 + Add: 90 + Clip: 6 + Concat: 8 + Constant: 172 + Conv: 26 + Cos: 2 + CumSum: 2 + Div: 31 + Erf: 18 + Expand: 6 + Flatten: 1 + Gather: 3 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 26 + MatMul: 48 + Mul: 71 + Pow: 12 + ReduceSum: 6 + Reshape: 15 + Shape: 11 + Sin: 2 + Slice: 17 + Softmax: 3 + Split: 3 + Squeeze: 9 + Transpose: 57 + Unsqueeze: 6 +parameters: 2336804 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/edgenext_xx_small_Opset16_timm/edgenext_xx_small_Opset16.onnx b/Computer_Vision/edgenext_xx_small_Opset16_timm/edgenext_xx_small_Opset16.onnx new file mode 100644 index 000000000..79c4a9946 --- /dev/null +++ b/Computer_Vision/edgenext_xx_small_Opset16_timm/edgenext_xx_small_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42ef81f1e4853e918c4adf670d393a63dc90f0903580c083771a20a66c6a8815 +size 5469698 diff --git a/Computer_Vision/edgenext_xx_small_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/edgenext_xx_small_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6159489b3 --- /dev/null +++ b/Computer_Vision/edgenext_xx_small_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,224 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1633095741271973 + set_success: 0.016459941864013672 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/edgenext_xx_small_timm_36e6ed70/onnx/edgenext_xx_small_timm_36e6ed70-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/edgenext_xx_small.py +class: EdgeNeXt +hash: 7e5c53f6 +model_name: edgenext_xx_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 5341.5342 +onnx_ops_counter: + Abs: 6 + Add: 106 + Clip: 6 + Concat: 8 + Constant: 194 + Conv: 20 + Cos: 2 + CumSum: 2 + Div: 45 + Erf: 12 + Expand: 6 + Flatten: 1 + Gather: 3 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 36 + Mul: 73 + Pow: 32 + ReduceMean: 40 + ReduceSum: 6 + Reshape: 15 + Shape: 11 + Sin: 2 + Slice: 17 + Softmax: 3 + Split: 3 + Sqrt: 20 + Squeeze: 9 + Sub: 20 + Transpose: 45 + Unsqueeze: 6 +parameters: 1327216 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/edgenext_xx_small_Opset17_timm/edgenext_xx_small_Opset17.onnx b/Computer_Vision/edgenext_xx_small_Opset17_timm/edgenext_xx_small_Opset17.onnx new file mode 100644 index 000000000..05ed84878 --- /dev/null +++ b/Computer_Vision/edgenext_xx_small_Opset17_timm/edgenext_xx_small_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a88e31f2c686edbb26c9e456cbca3489832e3ed5bf7e806311a1c7ab197955f0 +size 5435620 diff --git a/Computer_Vision/edgenext_xx_small_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/edgenext_xx_small_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..138075698 --- /dev/null +++ b/Computer_Vision/edgenext_xx_small_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.6783337593078613 + set_success: 0.015311241149902344 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/edgenext_xx_small_timm_36e6ed70/onnx/edgenext_xx_small_timm_36e6ed70-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/edgenext_xx_small.py +class: EdgeNeXt +hash: 7e5c53f6 +model_name: edgenext_xx_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 5308.2549 +onnx_ops_counter: + Abs: 6 + Add: 66 + Clip: 6 + Concat: 8 + Constant: 154 + Conv: 20 + Cos: 2 + CumSum: 2 + Div: 25 + Erf: 12 + Expand: 6 + Flatten: 1 + Gather: 3 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 20 + MatMul: 36 + Mul: 53 + Pow: 12 + ReduceSum: 6 + Reshape: 15 + Shape: 11 + Sin: 2 + Slice: 17 + Softmax: 3 + Split: 3 + Squeeze: 9 + Transpose: 45 + Unsqueeze: 6 +parameters: 1327216 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/edgenext_xx_small_Opset18_timm/edgenext_xx_small_Opset18.onnx b/Computer_Vision/edgenext_xx_small_Opset18_timm/edgenext_xx_small_Opset18.onnx new file mode 100644 index 000000000..0c2f38105 --- /dev/null +++ b/Computer_Vision/edgenext_xx_small_Opset18_timm/edgenext_xx_small_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d0a8b08c36361e5e5e3e12f09d9b6196042f1eefbdeba127a22db887344c029 +size 5435620 diff --git a/Computer_Vision/edgenext_xx_small_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/edgenext_xx_small_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..95a1f0a0b --- /dev/null +++ b/Computer_Vision/edgenext_xx_small_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.0495388507843018 + set_success: 0.01629471778869629 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/edgenext_xx_small_timm_36e6ed70/onnx/edgenext_xx_small_timm_36e6ed70-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/edgenext_xx_small.py +class: EdgeNeXt +hash: 7e5c53f6 +model_name: edgenext_xx_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 5308.2549 +onnx_ops_counter: + Abs: 6 + Add: 66 + Clip: 6 + Concat: 8 + Constant: 154 + Conv: 20 + Cos: 2 + CumSum: 2 + Div: 25 + Erf: 12 + Expand: 6 + Flatten: 1 + Gather: 3 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 20 + MatMul: 36 + Mul: 53 + Pow: 12 + ReduceSum: 6 + Reshape: 15 + Shape: 11 + Sin: 2 + Slice: 17 + Softmax: 3 + Split: 3 + Squeeze: 9 + Transpose: 45 + Unsqueeze: 6 +parameters: 1327216 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_b0_Opset16_timm/efficientnet_b0_Opset16.onnx b/Computer_Vision/efficientnet_b0_Opset16_timm/efficientnet_b0_Opset16.onnx new file mode 100644 index 000000000..f7a9ece47 --- /dev/null +++ b/Computer_Vision/efficientnet_b0_Opset16_timm/efficientnet_b0_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:88fadfa963a40abc0f61566142b74c92c7519211bc5d9b6c93c8b80664defb82 +size 21128851 diff --git a/Computer_Vision/efficientnet_b0_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_b0_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5717ff564 --- /dev/null +++ b/Computer_Vision/efficientnet_b0_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2204296588897705 + set_success: 0.015626907348632812 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_b0_timm_5fb94740/onnx/efficientnet_b0_timm_5fb94740-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_b0.py +class: EfficientNet +hash: 2bfbb9b7 +model_name: efficientnet_b0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 20633.6758 +onnx_ops_counter: + Add: 9 + Conv: 81 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 65 + ReduceMean: 16 + Sigmoid: 65 +parameters: 5288548 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_b0_Opset17_timm/efficientnet_b0_Opset17.onnx b/Computer_Vision/efficientnet_b0_Opset17_timm/efficientnet_b0_Opset17.onnx new file mode 100644 index 000000000..582dd373c --- /dev/null +++ b/Computer_Vision/efficientnet_b0_Opset17_timm/efficientnet_b0_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e76596a2b9e27c7c734c38550859105b43fec926f13447a84dad175eb994068a +size 21128851 diff --git a/Computer_Vision/efficientnet_b0_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_b0_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..45293ce65 --- /dev/null +++ b/Computer_Vision/efficientnet_b0_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2309045791625977 + set_success: 0.015383481979370117 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_b0_timm_5fb94740/onnx/efficientnet_b0_timm_5fb94740-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_b0.py +class: EfficientNet +hash: 2bfbb9b7 +model_name: efficientnet_b0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 20633.6758 +onnx_ops_counter: + Add: 9 + Conv: 81 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 65 + ReduceMean: 16 + Sigmoid: 65 +parameters: 5288548 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_b1_Opset16_timm/efficientnet_b1_Opset16.onnx b/Computer_Vision/efficientnet_b1_Opset16_timm/efficientnet_b1_Opset16.onnx new file mode 100644 index 000000000..949fa041f --- /dev/null +++ b/Computer_Vision/efficientnet_b1_Opset16_timm/efficientnet_b1_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3080f77c2ea1153afd940bbd9f1ddfa376a966fec7161f6e66671b54695a91f2 +size 31136652 diff --git a/Computer_Vision/efficientnet_b1_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_b1_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3f35ab167 --- /dev/null +++ b/Computer_Vision/efficientnet_b1_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0013136863708496 + set_success: 0.021048545837402344 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_b1_timm_8eee17f1/onnx/efficientnet_b1_timm_8eee17f1-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_b1.py +class: EfficientNet +hash: 74fd7794 +model_name: efficientnet_b1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 30406.9189 +onnx_ops_counter: + Add: 16 + Conv: 115 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 92 + ReduceMean: 23 + Sigmoid: 92 +parameters: 7794184 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_b1_Opset16_torch_hub/efficientnet_b1_Opset16.onnx b/Computer_Vision/efficientnet_b1_Opset16_torch_hub/efficientnet_b1_Opset16.onnx new file mode 100644 index 000000000..fc2dcf0cb --- /dev/null +++ b/Computer_Vision/efficientnet_b1_Opset16_torch_hub/efficientnet_b1_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b9c6e42319da159fc9fd1c3e116cd28afcf4f381055ae982481f28c74c45a8a +size 31158451 diff --git a/Computer_Vision/efficientnet_b1_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/efficientnet_b1_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..e15926bee --- /dev/null +++ b/Computer_Vision/efficientnet_b1_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.2363624572753906 + set_success: 0.02013564109802246 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_b1_torch_hub_8bada136/onnx/efficientnet_b1_torch_hub_8bada136-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/efficientnet_b1.py +class: EfficientNet +hash: 8e53a932 +model_name: efficientnet_b1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 30428.207 +onnx_ops_counter: + Add: 16 + Conv: 115 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 24 + Mul: 92 + Sigmoid: 92 +parameters: 7794184 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_b1_Opset17_timm/efficientnet_b1_Opset17.onnx b/Computer_Vision/efficientnet_b1_Opset17_timm/efficientnet_b1_Opset17.onnx new file mode 100644 index 000000000..f67d6be1e --- /dev/null +++ b/Computer_Vision/efficientnet_b1_Opset17_timm/efficientnet_b1_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0834826e9ddb0fb07b24fbc86bc302c13a84b8b3c37488238b74cdddbea5758e +size 31136652 diff --git a/Computer_Vision/efficientnet_b1_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_b1_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1180db85c --- /dev/null +++ b/Computer_Vision/efficientnet_b1_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0296854972839355 + set_success: 0.017165184020996094 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_b1_timm_8eee17f1/onnx/efficientnet_b1_timm_8eee17f1-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_b1.py +class: EfficientNet +hash: 74fd7794 +model_name: efficientnet_b1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 30406.9189 +onnx_ops_counter: + Add: 16 + Conv: 115 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 92 + ReduceMean: 23 + Sigmoid: 92 +parameters: 7794184 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_b1_Opset17_torch_hub/efficientnet_b1_Opset17.onnx b/Computer_Vision/efficientnet_b1_Opset17_torch_hub/efficientnet_b1_Opset17.onnx new file mode 100644 index 000000000..87e68267b --- /dev/null +++ b/Computer_Vision/efficientnet_b1_Opset17_torch_hub/efficientnet_b1_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f71949815a3e170b7179fa4925aa8f75e207ac611fbbe1ea24af29db6e4a7e6 +size 31158451 diff --git a/Computer_Vision/efficientnet_b1_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/efficientnet_b1_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..edc159207 --- /dev/null +++ b/Computer_Vision/efficientnet_b1_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.054044246673584 + set_success: 0.01796722412109375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_b1_torch_hub_8bada136/onnx/efficientnet_b1_torch_hub_8bada136-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/efficientnet_b1.py +class: EfficientNet +hash: 8e53a932 +model_name: efficientnet_b1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 30428.207 +onnx_ops_counter: + Add: 16 + Conv: 115 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 24 + Mul: 92 + Sigmoid: 92 +parameters: 7794184 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_b1_Opset18_torch_hub/efficientnet_b1_Opset18.onnx b/Computer_Vision/efficientnet_b1_Opset18_torch_hub/efficientnet_b1_Opset18.onnx new file mode 100644 index 000000000..9f782c11a --- /dev/null +++ b/Computer_Vision/efficientnet_b1_Opset18_torch_hub/efficientnet_b1_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b90d19b4b75374023281d036ed974e9188c604b2f648fb00dfa8568230c4dd09 +size 31158451 diff --git a/Computer_Vision/efficientnet_b1_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/efficientnet_b1_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..972d9ab4c --- /dev/null +++ b/Computer_Vision/efficientnet_b1_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.3986306190490723 + set_success: 0.024297237396240234 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_b1_torch_hub_8bada136/onnx/efficientnet_b1_torch_hub_8bada136-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/efficientnet_b1.py +class: EfficientNet +hash: 8e53a932 +model_name: efficientnet_b1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 30428.207 +onnx_ops_counter: + Add: 16 + Conv: 115 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 24 + Mul: 92 + Sigmoid: 92 +parameters: 7794184 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_b2_Opset16_timm/efficientnet_b2_Opset16.onnx b/Computer_Vision/efficientnet_b2_Opset16_timm/efficientnet_b2_Opset16.onnx new file mode 100644 index 000000000..b7e16a5fc --- /dev/null +++ b/Computer_Vision/efficientnet_b2_Opset16_timm/efficientnet_b2_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08f3179fff9f788f1c323ba83a7954d71a216e41e72e8f35c854392b7549c89b +size 36388852 diff --git a/Computer_Vision/efficientnet_b2_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_b2_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0545b4852 --- /dev/null +++ b/Computer_Vision/efficientnet_b2_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0977895259857178 + set_success: 0.018131017684936523 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_b2_timm_3c853f26/onnx/efficientnet_b2_timm_3c853f26-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_b2.py +class: EfficientNet +hash: 188b8bf0 +model_name: efficientnet_b2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 35536.0205 +onnx_ops_counter: + Add: 16 + Conv: 115 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 92 + ReduceMean: 23 + Sigmoid: 92 +parameters: 9109994 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_b2_Opset17_timm/efficientnet_b2_Opset17.onnx b/Computer_Vision/efficientnet_b2_Opset17_timm/efficientnet_b2_Opset17.onnx new file mode 100644 index 000000000..a104d19ce --- /dev/null +++ b/Computer_Vision/efficientnet_b2_Opset17_timm/efficientnet_b2_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:777827628c4b2f12c94887328b4d739b6e152c07f7005cddd9189c6d7b073cd3 +size 36388852 diff --git a/Computer_Vision/efficientnet_b2_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_b2_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9144fe026 --- /dev/null +++ b/Computer_Vision/efficientnet_b2_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.044842004776001 + set_success: 0.01662755012512207 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_b2_timm_3c853f26/onnx/efficientnet_b2_timm_3c853f26-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_b2.py +class: EfficientNet +hash: 188b8bf0 +model_name: efficientnet_b2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 35536.0205 +onnx_ops_counter: + Add: 16 + Conv: 115 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 92 + ReduceMean: 23 + Sigmoid: 92 +parameters: 9109994 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_b2a_Opset16_timm/efficientnet_b2a_Opset16.onnx b/Computer_Vision/efficientnet_b2a_Opset16_timm/efficientnet_b2a_Opset16.onnx new file mode 100644 index 000000000..b7e16a5fc --- /dev/null +++ b/Computer_Vision/efficientnet_b2a_Opset16_timm/efficientnet_b2a_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08f3179fff9f788f1c323ba83a7954d71a216e41e72e8f35c854392b7549c89b +size 36388852 diff --git a/Computer_Vision/efficientnet_b2a_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_b2a_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ce20abde9 --- /dev/null +++ b/Computer_Vision/efficientnet_b2a_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0723717212677 + set_success: 0.01687002182006836 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_b2a_timm_3c853f26/onnx/efficientnet_b2a_timm_3c853f26-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_b2a.py +class: EfficientNet +hash: 188b8bf0 +model_name: efficientnet_b2a +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 35536.0205 +onnx_ops_counter: + Add: 16 + Conv: 115 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 92 + ReduceMean: 23 + Sigmoid: 92 +parameters: 9109994 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_b2a_Opset17_timm/efficientnet_b2a_Opset17.onnx b/Computer_Vision/efficientnet_b2a_Opset17_timm/efficientnet_b2a_Opset17.onnx new file mode 100644 index 000000000..a104d19ce --- /dev/null +++ b/Computer_Vision/efficientnet_b2a_Opset17_timm/efficientnet_b2a_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:777827628c4b2f12c94887328b4d739b6e152c07f7005cddd9189c6d7b073cd3 +size 36388852 diff --git a/Computer_Vision/efficientnet_b2a_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_b2a_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4d18b3ea1 --- /dev/null +++ b/Computer_Vision/efficientnet_b2a_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0890021324157715 + set_success: 0.020040512084960938 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_b2a_timm_3c853f26/onnx/efficientnet_b2a_timm_3c853f26-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_b2a.py +class: EfficientNet +hash: 188b8bf0 +model_name: efficientnet_b2a +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 35536.0205 +onnx_ops_counter: + Add: 16 + Conv: 115 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 92 + ReduceMean: 23 + Sigmoid: 92 +parameters: 9109994 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_b3_Opset16_timm/efficientnet_b3_Opset16.onnx b/Computer_Vision/efficientnet_b3_Opset16_timm/efficientnet_b3_Opset16.onnx new file mode 100644 index 000000000..800f38a68 --- /dev/null +++ b/Computer_Vision/efficientnet_b3_Opset16_timm/efficientnet_b3_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a469a24d2c693b43a172b85a72c19a32daf114b3f8817b362c335e156f34c6f2 +size 48853644 diff --git a/Computer_Vision/efficientnet_b3_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_b3_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..23565018c --- /dev/null +++ b/Computer_Vision/efficientnet_b3_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.7386250495910645 + set_success: 0.01970362663269043 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_b3_timm_0b2008e8/onnx/efficientnet_b3_timm_0b2008e8-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_b3.py +class: EfficientNet +hash: 18c94366 +model_name: efficientnet_b3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 288 + - 288 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 47708.6689 +onnx_ops_counter: + Add: 19 + Conv: 130 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 104 + ReduceMean: 26 + Sigmoid: 104 +parameters: 12233232 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_b3_Opset17_timm/efficientnet_b3_Opset17.onnx b/Computer_Vision/efficientnet_b3_Opset17_timm/efficientnet_b3_Opset17.onnx new file mode 100644 index 000000000..c6292dece --- /dev/null +++ b/Computer_Vision/efficientnet_b3_Opset17_timm/efficientnet_b3_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3f496b66ab889cf467f5d78b36b116e38fd3e902580a0f2f34c90ede80bc8ba +size 48853644 diff --git a/Computer_Vision/efficientnet_b3_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_b3_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b3436da2b --- /dev/null +++ b/Computer_Vision/efficientnet_b3_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.635061025619507 + set_success: 0.017718076705932617 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_b3_timm_0b2008e8/onnx/efficientnet_b3_timm_0b2008e8-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_b3.py +class: EfficientNet +hash: 18c94366 +model_name: efficientnet_b3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 288 + - 288 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 47708.6689 +onnx_ops_counter: + Add: 19 + Conv: 130 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 104 + ReduceMean: 26 + Sigmoid: 104 +parameters: 12233232 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_b3a_Opset16_timm/efficientnet_b3a_Opset16.onnx b/Computer_Vision/efficientnet_b3a_Opset16_timm/efficientnet_b3a_Opset16.onnx new file mode 100644 index 000000000..800f38a68 --- /dev/null +++ b/Computer_Vision/efficientnet_b3a_Opset16_timm/efficientnet_b3a_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a469a24d2c693b43a172b85a72c19a32daf114b3f8817b362c335e156f34c6f2 +size 48853644 diff --git a/Computer_Vision/efficientnet_b3a_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_b3a_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0664cbc86 --- /dev/null +++ b/Computer_Vision/efficientnet_b3a_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.635680913925171 + set_success: 0.020541906356811523 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_b3a_timm_0b2008e8/onnx/efficientnet_b3a_timm_0b2008e8-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_b3a.py +class: EfficientNet +hash: 18c94366 +model_name: efficientnet_b3a +onnx_input_dimensions: + x: + - 1 + - 3 + - 288 + - 288 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 47708.6689 +onnx_ops_counter: + Add: 19 + Conv: 130 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 104 + ReduceMean: 26 + Sigmoid: 104 +parameters: 12233232 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_b3a_Opset17_timm/efficientnet_b3a_Opset17.onnx b/Computer_Vision/efficientnet_b3a_Opset17_timm/efficientnet_b3a_Opset17.onnx new file mode 100644 index 000000000..c6292dece --- /dev/null +++ b/Computer_Vision/efficientnet_b3a_Opset17_timm/efficientnet_b3a_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3f496b66ab889cf467f5d78b36b116e38fd3e902580a0f2f34c90ede80bc8ba +size 48853644 diff --git a/Computer_Vision/efficientnet_b3a_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_b3a_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3a897b4af --- /dev/null +++ b/Computer_Vision/efficientnet_b3a_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.917653799057007 + set_success: 0.028431177139282227 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_b3a_timm_0b2008e8/onnx/efficientnet_b3a_timm_0b2008e8-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_b3a.py +class: EfficientNet +hash: 18c94366 +model_name: efficientnet_b3a +onnx_input_dimensions: + x: + - 1 + - 3 + - 288 + - 288 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 47708.6689 +onnx_ops_counter: + Add: 19 + Conv: 130 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 104 + ReduceMean: 26 + Sigmoid: 104 +parameters: 12233232 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_b4_Opset16_timm/efficientnet_b4_Opset16.onnx b/Computer_Vision/efficientnet_b4_Opset16_timm/efficientnet_b4_Opset16.onnx new file mode 100644 index 000000000..2a9142713 --- /dev/null +++ b/Computer_Vision/efficientnet_b4_Opset16_timm/efficientnet_b4_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61152f54ca5aa4c271cb8dcbfdff4e15aac38b774b80e38418fcce069d1eba06 +size 77233636 diff --git a/Computer_Vision/efficientnet_b4_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_b4_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9396994d3 --- /dev/null +++ b/Computer_Vision/efficientnet_b4_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.720756769180298 + set_success: 0.024762630462646484 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_b4_timm_53b8a44f/onnx/efficientnet_b4_timm_53b8a44f-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_b4.py +class: EfficientNet +hash: 6991940c +model_name: efficientnet_b4 +onnx_input_dimensions: + x: + - 1 + - 3 + - 320 + - 320 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 75423.5049 +onnx_ops_counter: + Add: 25 + Conv: 160 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 128 + ReduceMean: 32 + Sigmoid: 128 +parameters: 19341616 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_b4_Opset17_timm/efficientnet_b4_Opset17.onnx b/Computer_Vision/efficientnet_b4_Opset17_timm/efficientnet_b4_Opset17.onnx new file mode 100644 index 000000000..a4a27d92a --- /dev/null +++ b/Computer_Vision/efficientnet_b4_Opset17_timm/efficientnet_b4_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e6eabd01bc439995a4644fd411a61879184656a1f7ca7a93731f28d05b0c566 +size 77233636 diff --git a/Computer_Vision/efficientnet_b4_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_b4_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f01420aa2 --- /dev/null +++ b/Computer_Vision/efficientnet_b4_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.6923859119415283 + set_success: 0.021247148513793945 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_b4_timm_53b8a44f/onnx/efficientnet_b4_timm_53b8a44f-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_b4.py +class: EfficientNet +hash: 6991940c +model_name: efficientnet_b4 +onnx_input_dimensions: + x: + - 1 + - 3 + - 320 + - 320 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 75423.5049 +onnx_ops_counter: + Add: 25 + Conv: 160 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 128 + ReduceMean: 32 + Sigmoid: 128 +parameters: 19341616 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_b5_Opset16_timm/efficientnet_b5_Opset16.onnx b/Computer_Vision/efficientnet_b5_Opset16_timm/efficientnet_b5_Opset16.onnx new file mode 100644 index 000000000..8009d7fba --- /dev/null +++ b/Computer_Vision/efficientnet_b5_Opset16_timm/efficientnet_b5_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d13db1e2a5dab93feac1d708dec3c90cbd41c1dd828b44e31bf5877b214abb8b +size 121356534 diff --git a/Computer_Vision/efficientnet_b5_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_b5_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..df22219aa --- /dev/null +++ b/Computer_Vision/efficientnet_b5_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.7478179931640625 + set_success: 0.027405977249145508 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_b5_timm_e61ae29b/onnx/efficientnet_b5_timm_e61ae29b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_b5.py +class: EfficientNet +hash: 7344adbc +model_name: efficientnet_b5 +onnx_input_dimensions: + x: + - 1 + - 3 + - 448 + - 448 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 118512.2725 +onnx_ops_counter: + Add: 32 + Conv: 194 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 155 + ReduceMean: 39 + Sigmoid: 155 +parameters: 30389784 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_b5_Opset17_timm/efficientnet_b5_Opset17.onnx b/Computer_Vision/efficientnet_b5_Opset17_timm/efficientnet_b5_Opset17.onnx new file mode 100644 index 000000000..528f86efc --- /dev/null +++ b/Computer_Vision/efficientnet_b5_Opset17_timm/efficientnet_b5_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a880e44887bfaa6e1c6bd8dbe8d0c4417b8d50a2f92347576fc6e561a1e6e66 +size 121356534 diff --git a/Computer_Vision/efficientnet_b5_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_b5_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6f9101997 --- /dev/null +++ b/Computer_Vision/efficientnet_b5_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.531359434127808 + set_success: 0.02522873878479004 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_b5_timm_e61ae29b/onnx/efficientnet_b5_timm_e61ae29b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_b5.py +class: EfficientNet +hash: 7344adbc +model_name: efficientnet_b5 +onnx_input_dimensions: + x: + - 1 + - 3 + - 448 + - 448 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 118512.2725 +onnx_ops_counter: + Add: 32 + Conv: 194 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 155 + ReduceMean: 39 + Sigmoid: 155 +parameters: 30389784 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_el_Opset16_timm/efficientnet_el_Opset16.onnx b/Computer_Vision/efficientnet_el_Opset16_timm/efficientnet_el_Opset16.onnx new file mode 100644 index 000000000..bd8d0c932 --- /dev/null +++ b/Computer_Vision/efficientnet_el_Opset16_timm/efficientnet_el_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b598b2cef0faa594d4088c566e13c9ee74d74a5f878dc61de24d9a99e3524f8a +size 42209632 diff --git a/Computer_Vision/efficientnet_el_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_el_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..48ffa6da6 --- /dev/null +++ b/Computer_Vision/efficientnet_el_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.663590431213379 + set_success: 0.01751995086669922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_el_timm_8569e649/onnx/efficientnet_el_timm_8569e649-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_el.py +class: EfficientNet +hash: 70c78f7f +model_name: efficientnet_el +onnx_input_dimensions: + x: + - 1 + - 3 + - 300 + - 300 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 41220.376 +onnx_ops_counter: + Add: 20 + Conv: 72 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 45 +parameters: 10589712 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_el_Opset17_timm/efficientnet_el_Opset17.onnx b/Computer_Vision/efficientnet_el_Opset17_timm/efficientnet_el_Opset17.onnx new file mode 100644 index 000000000..c3fa87ec8 --- /dev/null +++ b/Computer_Vision/efficientnet_el_Opset17_timm/efficientnet_el_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:878b06f8bd0d4add6292d391a6181ec72966fb690125ce6a1a129ea2aee96435 +size 42209632 diff --git a/Computer_Vision/efficientnet_el_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_el_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..30d621a6c --- /dev/null +++ b/Computer_Vision/efficientnet_el_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7714183330535889 + set_success: 0.01925969123840332 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_el_timm_8569e649/onnx/efficientnet_el_timm_8569e649-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_el.py +class: EfficientNet +hash: 70c78f7f +model_name: efficientnet_el +onnx_input_dimensions: + x: + - 1 + - 3 + - 300 + - 300 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 41220.376 +onnx_ops_counter: + Add: 20 + Conv: 72 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 45 +parameters: 10589712 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_el_Opset18_timm/efficientnet_el_Opset18.onnx b/Computer_Vision/efficientnet_el_Opset18_timm/efficientnet_el_Opset18.onnx new file mode 100644 index 000000000..e83b23140 --- /dev/null +++ b/Computer_Vision/efficientnet_el_Opset18_timm/efficientnet_el_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7de3072b03708e08fdb30be08e77e2b7b6f393cc1e3baaf4c0d2a0e0e00745ad +size 42209632 diff --git a/Computer_Vision/efficientnet_el_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_el_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..199fd1280 --- /dev/null +++ b/Computer_Vision/efficientnet_el_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.6816630363464355 + set_success: 0.02152705192565918 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_el_timm_8569e649/onnx/efficientnet_el_timm_8569e649-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_el.py +class: EfficientNet +hash: 70c78f7f +model_name: efficientnet_el +onnx_input_dimensions: + x: + - 1 + - 3 + - 300 + - 300 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 41220.376 +onnx_ops_counter: + Add: 20 + Conv: 72 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 45 +parameters: 10589712 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_el_pruned_Opset16_timm/efficientnet_el_pruned_Opset16.onnx b/Computer_Vision/efficientnet_el_pruned_Opset16_timm/efficientnet_el_pruned_Opset16.onnx new file mode 100644 index 000000000..088c4ce54 --- /dev/null +++ b/Computer_Vision/efficientnet_el_pruned_Opset16_timm/efficientnet_el_pruned_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2be25fe3b9b6ef2d2a5719c524397053ae477cd8e9c3f714b6a84dd90b6cdb60 +size 42209632 diff --git a/Computer_Vision/efficientnet_el_pruned_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_el_pruned_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..fde91ae31 --- /dev/null +++ b/Computer_Vision/efficientnet_el_pruned_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.6574828624725342 + set_success: 0.019019126892089844 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_el_pruned_timm_8569e649/onnx/efficientnet_el_pruned_timm_8569e649-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_el_pruned.py +class: EfficientNet +hash: 70c78f7f +model_name: efficientnet_el_pruned +onnx_input_dimensions: + x: + - 1 + - 3 + - 300 + - 300 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 41220.376 +onnx_ops_counter: + Add: 20 + Conv: 72 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 45 +parameters: 10589712 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_el_pruned_Opset17_timm/efficientnet_el_pruned_Opset17.onnx b/Computer_Vision/efficientnet_el_pruned_Opset17_timm/efficientnet_el_pruned_Opset17.onnx new file mode 100644 index 000000000..e2e829bec --- /dev/null +++ b/Computer_Vision/efficientnet_el_pruned_Opset17_timm/efficientnet_el_pruned_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a70fa8463d906ba1c847e0e7c95dd7c0f7bd6893c5f11c0c9da32ab2fb7bb536 +size 42209632 diff --git a/Computer_Vision/efficientnet_el_pruned_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_el_pruned_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e1bd73c9f --- /dev/null +++ b/Computer_Vision/efficientnet_el_pruned_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.663144588470459 + set_success: 0.024851083755493164 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_el_pruned_timm_8569e649/onnx/efficientnet_el_pruned_timm_8569e649-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_el_pruned.py +class: EfficientNet +hash: 70c78f7f +model_name: efficientnet_el_pruned +onnx_input_dimensions: + x: + - 1 + - 3 + - 300 + - 300 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 41220.376 +onnx_ops_counter: + Add: 20 + Conv: 72 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 45 +parameters: 10589712 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_el_pruned_Opset18_timm/efficientnet_el_pruned_Opset18.onnx b/Computer_Vision/efficientnet_el_pruned_Opset18_timm/efficientnet_el_pruned_Opset18.onnx new file mode 100644 index 000000000..2060a6df2 --- /dev/null +++ b/Computer_Vision/efficientnet_el_pruned_Opset18_timm/efficientnet_el_pruned_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e27b8c0287917efe9c7bc80bc2e6603b264cff74b5387d8d05d72cb2dc70bb15 +size 42209632 diff --git a/Computer_Vision/efficientnet_el_pruned_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_el_pruned_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8a9973217 --- /dev/null +++ b/Computer_Vision/efficientnet_el_pruned_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.665679693222046 + set_success: 0.021314144134521484 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_el_pruned_timm_8569e649/onnx/efficientnet_el_pruned_timm_8569e649-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_el_pruned.py +class: EfficientNet +hash: 70c78f7f +model_name: efficientnet_el_pruned +onnx_input_dimensions: + x: + - 1 + - 3 + - 300 + - 300 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 41220.376 +onnx_ops_counter: + Add: 20 + Conv: 72 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 45 +parameters: 10589712 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_em_Opset16_timm/efficientnet_em_Opset16.onnx b/Computer_Vision/efficientnet_em_Opset16_timm/efficientnet_em_Opset16.onnx new file mode 100644 index 000000000..8251a5f90 --- /dev/null +++ b/Computer_Vision/efficientnet_em_Opset16_timm/efficientnet_em_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:778232508d929874762dd400a5db0de0a3ab81e9f234eb8fadf2943cfbedce54 +size 27493546 diff --git a/Computer_Vision/efficientnet_em_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_em_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3b2da06df --- /dev/null +++ b/Computer_Vision/efficientnet_em_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2229061126708984 + set_success: 0.017303466796875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_em_timm_174490a9/onnx/efficientnet_em_timm_174490a9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_em.py +class: EfficientNet +hash: 8c7f9c9a +model_name: efficientnet_em +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 26849.1982 +onnx_ops_counter: + Add: 17 + Conv: 64 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 40 +parameters: 6899496 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_em_Opset17_timm/efficientnet_em_Opset17.onnx b/Computer_Vision/efficientnet_em_Opset17_timm/efficientnet_em_Opset17.onnx new file mode 100644 index 000000000..b7704e5f0 --- /dev/null +++ b/Computer_Vision/efficientnet_em_Opset17_timm/efficientnet_em_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:55d0aacac4efb6f7d72bba7e486eb93ed09d78d2119f911e035bced0732641f0 +size 27493546 diff --git a/Computer_Vision/efficientnet_em_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_em_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b8c342aa1 --- /dev/null +++ b/Computer_Vision/efficientnet_em_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2079732418060303 + set_success: 0.0187685489654541 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_em_timm_174490a9/onnx/efficientnet_em_timm_174490a9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_em.py +class: EfficientNet +hash: 8c7f9c9a +model_name: efficientnet_em +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 26849.1982 +onnx_ops_counter: + Add: 17 + Conv: 64 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 40 +parameters: 6899496 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_em_Opset18_timm/efficientnet_em_Opset18.onnx b/Computer_Vision/efficientnet_em_Opset18_timm/efficientnet_em_Opset18.onnx new file mode 100644 index 000000000..ed0d704b9 --- /dev/null +++ b/Computer_Vision/efficientnet_em_Opset18_timm/efficientnet_em_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:086d13f237a591b32022faeb5712a0e765b9f42861f7094d10fd6a0d941cb30e +size 27493546 diff --git a/Computer_Vision/efficientnet_em_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_em_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c0724c9cd --- /dev/null +++ b/Computer_Vision/efficientnet_em_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2868471145629883 + set_success: 0.020458221435546875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_em_timm_174490a9/onnx/efficientnet_em_timm_174490a9-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_em.py +class: EfficientNet +hash: 8c7f9c9a +model_name: efficientnet_em +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 26849.1982 +onnx_ops_counter: + Add: 17 + Conv: 64 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 40 +parameters: 6899496 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_es_Opset16_timm/efficientnet_es_Opset16.onnx b/Computer_Vision/efficientnet_es_Opset16_timm/efficientnet_es_Opset16.onnx new file mode 100644 index 000000000..15202b558 --- /dev/null +++ b/Computer_Vision/efficientnet_es_Opset16_timm/efficientnet_es_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad80c448e6c6865085d4dcac556e4e9a912d915067011193a6ac8a7f2c0595ac +size 21674516 diff --git a/Computer_Vision/efficientnet_es_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_es_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6d487a98a --- /dev/null +++ b/Computer_Vision/efficientnet_es_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9060781002044678 + set_success: 0.0164947509765625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_es_timm_23227721/onnx/efficientnet_es_timm_23227721-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_es.py +class: EfficientNet +hash: e6304101 +model_name: efficientnet_es +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 21166.5518 +onnx_ops_counter: + Add: 12 + Conv: 49 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 31 +parameters: 5438392 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_es_Opset17_timm/efficientnet_es_Opset17.onnx b/Computer_Vision/efficientnet_es_Opset17_timm/efficientnet_es_Opset17.onnx new file mode 100644 index 000000000..9bdd01ab5 --- /dev/null +++ b/Computer_Vision/efficientnet_es_Opset17_timm/efficientnet_es_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f81dbdf28e4a5129d38cbcd4f28cc231626aeeb150e4e5736e91b94034cad7e2 +size 21674516 diff --git a/Computer_Vision/efficientnet_es_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_es_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1d594a1a0 --- /dev/null +++ b/Computer_Vision/efficientnet_es_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9037950038909912 + set_success: 0.015493154525756836 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_es_timm_23227721/onnx/efficientnet_es_timm_23227721-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_es.py +class: EfficientNet +hash: e6304101 +model_name: efficientnet_es +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 21166.5518 +onnx_ops_counter: + Add: 12 + Conv: 49 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 31 +parameters: 5438392 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_es_Opset18_timm/efficientnet_es_Opset18.onnx b/Computer_Vision/efficientnet_es_Opset18_timm/efficientnet_es_Opset18.onnx new file mode 100644 index 000000000..752a8e183 --- /dev/null +++ b/Computer_Vision/efficientnet_es_Opset18_timm/efficientnet_es_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e538913b8a688ac67f893d005a60c4595bfc096c33282f53fac0efbaed446968 +size 21674516 diff --git a/Computer_Vision/efficientnet_es_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_es_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5a9af9e5f --- /dev/null +++ b/Computer_Vision/efficientnet_es_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9034836292266846 + set_success: 0.01750636100769043 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_es_timm_23227721/onnx/efficientnet_es_timm_23227721-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_es.py +class: EfficientNet +hash: e6304101 +model_name: efficientnet_es +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 21166.5518 +onnx_ops_counter: + Add: 12 + Conv: 49 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 31 +parameters: 5438392 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_es_pruned_Opset16_timm/efficientnet_es_pruned_Opset16.onnx b/Computer_Vision/efficientnet_es_pruned_Opset16_timm/efficientnet_es_pruned_Opset16.onnx new file mode 100644 index 000000000..12d0084c2 --- /dev/null +++ b/Computer_Vision/efficientnet_es_pruned_Opset16_timm/efficientnet_es_pruned_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:38c088661a755598f46c9d6aea80d373a68a06bd51a3fb724ac3ffe5571e7211 +size 21674516 diff --git a/Computer_Vision/efficientnet_es_pruned_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_es_pruned_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4912ff4d4 --- /dev/null +++ b/Computer_Vision/efficientnet_es_pruned_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8974442481994629 + set_success: 0.016608715057373047 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_es_pruned_timm_23227721/onnx/efficientnet_es_pruned_timm_23227721-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_es_pruned.py +class: EfficientNet +hash: e6304101 +model_name: efficientnet_es_pruned +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 21166.5518 +onnx_ops_counter: + Add: 12 + Conv: 49 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 31 +parameters: 5438392 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_es_pruned_Opset17_timm/efficientnet_es_pruned_Opset17.onnx b/Computer_Vision/efficientnet_es_pruned_Opset17_timm/efficientnet_es_pruned_Opset17.onnx new file mode 100644 index 000000000..76d690f76 --- /dev/null +++ b/Computer_Vision/efficientnet_es_pruned_Opset17_timm/efficientnet_es_pruned_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9cd9c41eff6f8f3d6d65dd1de54bb4794ff2fc405459591b4deef40574a46e30 +size 21674516 diff --git a/Computer_Vision/efficientnet_es_pruned_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_es_pruned_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..266cfceb8 --- /dev/null +++ b/Computer_Vision/efficientnet_es_pruned_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9180352687835693 + set_success: 0.016856670379638672 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_es_pruned_timm_23227721/onnx/efficientnet_es_pruned_timm_23227721-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_es_pruned.py +class: EfficientNet +hash: e6304101 +model_name: efficientnet_es_pruned +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 21166.5518 +onnx_ops_counter: + Add: 12 + Conv: 49 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 31 +parameters: 5438392 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_es_pruned_Opset18_timm/efficientnet_es_pruned_Opset18.onnx b/Computer_Vision/efficientnet_es_pruned_Opset18_timm/efficientnet_es_pruned_Opset18.onnx new file mode 100644 index 000000000..c0ee0dc6f --- /dev/null +++ b/Computer_Vision/efficientnet_es_pruned_Opset18_timm/efficientnet_es_pruned_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c5510437b9f2d85634f3c749c5d1a0bf9230ccc046afa0461cdd47b598ecb70 +size 21674516 diff --git a/Computer_Vision/efficientnet_es_pruned_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_es_pruned_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2aca83f50 --- /dev/null +++ b/Computer_Vision/efficientnet_es_pruned_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.898195743560791 + set_success: 0.01689457893371582 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_es_pruned_timm_23227721/onnx/efficientnet_es_pruned_timm_23227721-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_es_pruned.py +class: EfficientNet +hash: e6304101 +model_name: efficientnet_es_pruned +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 21166.5518 +onnx_ops_counter: + Add: 12 + Conv: 49 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 31 +parameters: 5438392 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_lite0_Opset16_timm/efficientnet_lite0_Opset16.onnx b/Computer_Vision/efficientnet_lite0_Opset16_timm/efficientnet_lite0_Opset16.onnx new file mode 100644 index 000000000..4a2e92a26 --- /dev/null +++ b/Computer_Vision/efficientnet_lite0_Opset16_timm/efficientnet_lite0_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a47a9c2ea3138ac6e2eab81bcdab28f063616034924a882747f1ad8be7ba6530 +size 18560054 diff --git a/Computer_Vision/efficientnet_lite0_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_lite0_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..44d2a8ae0 --- /dev/null +++ b/Computer_Vision/efficientnet_lite0_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.875730037689209 + set_success: 0.01642918586730957 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_lite0_timm_cfa07217/onnx/efficientnet_lite0_timm_cfa07217-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_lite0.py +class: EfficientNet +hash: 4448bb46 +model_name: efficientnet_lite0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 18125.085 +onnx_ops_counter: + Add: 9 + Clip: 33 + Constant: 66 + Conv: 49 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 +parameters: 4652008 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_lite0_Opset17_timm/efficientnet_lite0_Opset17.onnx b/Computer_Vision/efficientnet_lite0_Opset17_timm/efficientnet_lite0_Opset17.onnx new file mode 100644 index 000000000..4004fdd36 --- /dev/null +++ b/Computer_Vision/efficientnet_lite0_Opset17_timm/efficientnet_lite0_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0baee602f78ce8b9d6bfdf32394956c4fa42a814c8d1f31de628b6f489842311 +size 18560054 diff --git a/Computer_Vision/efficientnet_lite0_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_lite0_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2d0b6a037 --- /dev/null +++ b/Computer_Vision/efficientnet_lite0_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8993833065032959 + set_success: 0.015372037887573242 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_lite0_timm_cfa07217/onnx/efficientnet_lite0_timm_cfa07217-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_lite0.py +class: EfficientNet +hash: 4448bb46 +model_name: efficientnet_lite0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 18125.085 +onnx_ops_counter: + Add: 9 + Clip: 33 + Constant: 66 + Conv: 49 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 +parameters: 4652008 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_lite0_Opset18_timm/efficientnet_lite0_Opset18.onnx b/Computer_Vision/efficientnet_lite0_Opset18_timm/efficientnet_lite0_Opset18.onnx new file mode 100644 index 000000000..437f3c56f --- /dev/null +++ b/Computer_Vision/efficientnet_lite0_Opset18_timm/efficientnet_lite0_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9b27073f496ade5b0389a8f719420c84b01caca5ea86a19dc5ad5543021bb73 +size 18560054 diff --git a/Computer_Vision/efficientnet_lite0_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/efficientnet_lite0_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8ec0499ff --- /dev/null +++ b/Computer_Vision/efficientnet_lite0_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8920316696166992 + set_success: 0.016257047653198242 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_lite0_timm_cfa07217/onnx/efficientnet_lite0_timm_cfa07217-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnet_lite0.py +class: EfficientNet +hash: 4448bb46 +model_name: efficientnet_lite0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 18125.085 +onnx_ops_counter: + Add: 9 + Clip: 33 + Constant: 66 + Conv: 49 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 +parameters: 4652008 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_v2_l_Opset16_torch_hub/efficientnet_v2_l_Opset16.onnx b/Computer_Vision/efficientnet_v2_l_Opset16_torch_hub/efficientnet_v2_l_Opset16.onnx new file mode 100644 index 000000000..3ad28d895 --- /dev/null +++ b/Computer_Vision/efficientnet_v2_l_Opset16_torch_hub/efficientnet_v2_l_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9c17f55d4d48bdf62f13d41fe047dba10d719ce15abe2b3bbde09417d12dc30 +size 473348722 diff --git a/Computer_Vision/efficientnet_v2_l_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/efficientnet_v2_l_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..3032e454d --- /dev/null +++ b/Computer_Vision/efficientnet_v2_l_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.665354251861572 + set_success: 0.022699594497680664 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_v2_l_torch_hub_d27f6eeb/onnx/efficientnet_v2_l_torch_hub_d27f6eeb-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/efficientnet_v2_l.py +class: EfficientNet +hash: f5ddf7f0 +model_name: efficientnet_v2_l +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 462254.6436 +onnx_ops_counter: + Add: 73 + Conv: 339 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 62 + Mul: 264 + Sigmoid: 264 +parameters: 118515272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_v2_l_Opset17_torch_hub/efficientnet_v2_l_Opset17.onnx b/Computer_Vision/efficientnet_v2_l_Opset17_torch_hub/efficientnet_v2_l_Opset17.onnx new file mode 100644 index 000000000..1430615b6 --- /dev/null +++ b/Computer_Vision/efficientnet_v2_l_Opset17_torch_hub/efficientnet_v2_l_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c293f76f0464b649e8549f601bd194112c15d8927acd04c5037effcf7479f17 +size 473348722 diff --git a/Computer_Vision/efficientnet_v2_l_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/efficientnet_v2_l_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..cec224646 --- /dev/null +++ b/Computer_Vision/efficientnet_v2_l_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.639654636383057 + set_success: 0.023693561553955078 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_v2_l_torch_hub_d27f6eeb/onnx/efficientnet_v2_l_torch_hub_d27f6eeb-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/efficientnet_v2_l.py +class: EfficientNet +hash: f5ddf7f0 +model_name: efficientnet_v2_l +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 462254.6436 +onnx_ops_counter: + Add: 73 + Conv: 339 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 62 + Mul: 264 + Sigmoid: 264 +parameters: 118515272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_v2_l_Opset18_torch_hub/efficientnet_v2_l_Opset18.onnx b/Computer_Vision/efficientnet_v2_l_Opset18_torch_hub/efficientnet_v2_l_Opset18.onnx new file mode 100644 index 000000000..95a8f9685 --- /dev/null +++ b/Computer_Vision/efficientnet_v2_l_Opset18_torch_hub/efficientnet_v2_l_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:223e9058e097e1550562fe80b30f2ed88fde0f3756a2f062091acea2a46b515f +size 473348722 diff --git a/Computer_Vision/efficientnet_v2_l_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/efficientnet_v2_l_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..d3f975784 --- /dev/null +++ b/Computer_Vision/efficientnet_v2_l_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.477773427963257 + set_success: 0.0291440486907959 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_v2_l_torch_hub_d27f6eeb/onnx/efficientnet_v2_l_torch_hub_d27f6eeb-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/efficientnet_v2_l.py +class: EfficientNet +hash: f5ddf7f0 +model_name: efficientnet_v2_l +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 462254.6436 +onnx_ops_counter: + Add: 73 + Conv: 339 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 62 + Mul: 264 + Sigmoid: 264 +parameters: 118515272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_v2_m_Opset16_torch_hub/efficientnet_v2_m_Opset16.onnx b/Computer_Vision/efficientnet_v2_m_Opset16_torch_hub/efficientnet_v2_m_Opset16.onnx new file mode 100644 index 000000000..01f54ef3a --- /dev/null +++ b/Computer_Vision/efficientnet_v2_m_Opset16_torch_hub/efficientnet_v2_m_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3a69580d122e43431a0561ca6dad80e738f3e8819a1d2914399578e6524ca63f +size 216198857 diff --git a/Computer_Vision/efficientnet_v2_m_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/efficientnet_v2_m_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..df9ce80d9 --- /dev/null +++ b/Computer_Vision/efficientnet_v2_m_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.165182113647461 + set_success: 0.02282261848449707 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_v2_m_torch_hub_b0bf0b82/onnx/efficientnet_v2_m_torch_hub_b0bf0b82-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/efficientnet_v2_m.py +class: EfficientNet +hash: a041aef8 +model_name: efficientnet_v2_m +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 211131.7285 +onnx_ops_counter: + Add: 51 + Conv: 245 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 45 + Mul: 191 + Sigmoid: 191 +parameters: 54139356 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_v2_m_Opset17_torch_hub/efficientnet_v2_m_Opset17.onnx b/Computer_Vision/efficientnet_v2_m_Opset17_torch_hub/efficientnet_v2_m_Opset17.onnx new file mode 100644 index 000000000..6ddb17d17 --- /dev/null +++ b/Computer_Vision/efficientnet_v2_m_Opset17_torch_hub/efficientnet_v2_m_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4dc2f28822b396846c080cb787529ed10d6043bff1c923030ae2bec4c2c5cdfd +size 216198857 diff --git a/Computer_Vision/efficientnet_v2_m_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/efficientnet_v2_m_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..2a332bd52 --- /dev/null +++ b/Computer_Vision/efficientnet_v2_m_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.524545669555664 + set_success: 0.020789623260498047 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_v2_m_torch_hub_b0bf0b82/onnx/efficientnet_v2_m_torch_hub_b0bf0b82-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/efficientnet_v2_m.py +class: EfficientNet +hash: a041aef8 +model_name: efficientnet_v2_m +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 211131.7285 +onnx_ops_counter: + Add: 51 + Conv: 245 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 45 + Mul: 191 + Sigmoid: 191 +parameters: 54139356 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_v2_m_Opset18_torch_hub/efficientnet_v2_m_Opset18.onnx b/Computer_Vision/efficientnet_v2_m_Opset18_torch_hub/efficientnet_v2_m_Opset18.onnx new file mode 100644 index 000000000..465425413 --- /dev/null +++ b/Computer_Vision/efficientnet_v2_m_Opset18_torch_hub/efficientnet_v2_m_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:688de453b47ce84345c3b3c8dd958baa3a8be985e33f5f2742a738c120e515a5 +size 216198857 diff --git a/Computer_Vision/efficientnet_v2_m_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/efficientnet_v2_m_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..99f018b37 --- /dev/null +++ b/Computer_Vision/efficientnet_v2_m_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.67515754699707 + set_success: 0.023979663848876953 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_v2_m_torch_hub_b0bf0b82/onnx/efficientnet_v2_m_torch_hub_b0bf0b82-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/efficientnet_v2_m.py +class: EfficientNet +hash: a041aef8 +model_name: efficientnet_v2_m +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 211131.7285 +onnx_ops_counter: + Add: 51 + Conv: 245 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 45 + Mul: 191 + Sigmoid: 191 +parameters: 54139356 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_v2_s_Opset16_torch_hub/efficientnet_v2_s_Opset16.onnx b/Computer_Vision/efficientnet_v2_s_Opset16_torch_hub/efficientnet_v2_s_Opset16.onnx new file mode 100644 index 000000000..6db48251d --- /dev/null +++ b/Computer_Vision/efficientnet_v2_s_Opset16_torch_hub/efficientnet_v2_s_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66a1f88266961d491ffaf4cc851e88557f19f83fe635494c26ed88033ef88b5f +size 85681903 diff --git a/Computer_Vision/efficientnet_v2_s_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/efficientnet_v2_s_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..a171dd1b8 --- /dev/null +++ b/Computer_Vision/efficientnet_v2_s_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.312272310256958 + set_success: 0.02165055274963379 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_v2_s_torch_hub_5fb317e7/onnx/efficientnet_v2_s_torch_hub_5fb317e7-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/efficientnet_v2_s.py +class: EfficientNet +hash: ae743058 +model_name: efficientnet_v2_s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 83673.7656 +onnx_ops_counter: + Add: 35 + Conv: 170 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 31 + Mul: 132 + Sigmoid: 132 +parameters: 21458488 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_v2_s_Opset17_torch_hub/efficientnet_v2_s_Opset17.onnx b/Computer_Vision/efficientnet_v2_s_Opset17_torch_hub/efficientnet_v2_s_Opset17.onnx new file mode 100644 index 000000000..652d6244d --- /dev/null +++ b/Computer_Vision/efficientnet_v2_s_Opset17_torch_hub/efficientnet_v2_s_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b35ee4c7de8ec5dbee927ffbaeecbd8d972945f35eba0ae7d06bb66e397f382 +size 85681903 diff --git a/Computer_Vision/efficientnet_v2_s_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/efficientnet_v2_s_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..0879efbe0 --- /dev/null +++ b/Computer_Vision/efficientnet_v2_s_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.312432527542114 + set_success: 0.019688129425048828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_v2_s_torch_hub_5fb317e7/onnx/efficientnet_v2_s_torch_hub_5fb317e7-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/efficientnet_v2_s.py +class: EfficientNet +hash: ae743058 +model_name: efficientnet_v2_s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 83673.7656 +onnx_ops_counter: + Add: 35 + Conv: 170 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 31 + Mul: 132 + Sigmoid: 132 +parameters: 21458488 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnet_v2_s_Opset18_torch_hub/efficientnet_v2_s_Opset18.onnx b/Computer_Vision/efficientnet_v2_s_Opset18_torch_hub/efficientnet_v2_s_Opset18.onnx new file mode 100644 index 000000000..f03ddd9bb --- /dev/null +++ b/Computer_Vision/efficientnet_v2_s_Opset18_torch_hub/efficientnet_v2_s_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5bea149786cb6c7e56400c8da5e4b0456dd46ff08819078a21fa09a34a247ea8 +size 85681903 diff --git a/Computer_Vision/efficientnet_v2_s_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/efficientnet_v2_s_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..6d65c9600 --- /dev/null +++ b/Computer_Vision/efficientnet_v2_s_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.3692710399627686 + set_success: 0.02033376693725586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnet_v2_s_torch_hub_5fb317e7/onnx/efficientnet_v2_s_torch_hub_5fb317e7-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/efficientnet_v2_s.py +class: EfficientNet +hash: ae743058 +model_name: efficientnet_v2_s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 83673.7656 +onnx_ops_counter: + Add: 35 + Conv: 170 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 31 + Mul: 132 + Sigmoid: 132 +parameters: 21458488 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnetv2_rw_m_Opset16_timm/efficientnetv2_rw_m_Opset16.onnx b/Computer_Vision/efficientnetv2_rw_m_Opset16_timm/efficientnetv2_rw_m_Opset16.onnx new file mode 100644 index 000000000..e50a3a4f0 --- /dev/null +++ b/Computer_Vision/efficientnetv2_rw_m_Opset16_timm/efficientnetv2_rw_m_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe1c3823b0da613c32073dc2423e19859a8152b3467a015f25c19020f16062ca +size 212523554 diff --git a/Computer_Vision/efficientnetv2_rw_m_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/efficientnetv2_rw_m_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7c28dfbe6 --- /dev/null +++ b/Computer_Vision/efficientnetv2_rw_m_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.187280893325806 + set_success: 0.024350404739379883 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnetv2_rw_m_timm_8a4f0045/onnx/efficientnetv2_rw_m_timm_8a4f0045-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnetv2_rw_m.py +class: EfficientNet +hash: 4663c497 +model_name: efficientnetv2_rw_m +onnx_input_dimensions: + x: + - 1 + - 3 + - 320 + - 320 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 207542.5654 +onnx_ops_counter: + Add: 55 + Conv: 263 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 203 + ReduceMean: 47 + Sigmoid: 203 +parameters: 53236442 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnetv2_rw_m_Opset17_timm/efficientnetv2_rw_m_Opset17.onnx b/Computer_Vision/efficientnetv2_rw_m_Opset17_timm/efficientnetv2_rw_m_Opset17.onnx new file mode 100644 index 000000000..2e3cafee4 --- /dev/null +++ b/Computer_Vision/efficientnetv2_rw_m_Opset17_timm/efficientnetv2_rw_m_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae5db5883460e23049c51e44660269499d357038edaae6d7fce43b2b17f3a751 +size 212523554 diff --git a/Computer_Vision/efficientnetv2_rw_m_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/efficientnetv2_rw_m_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f760c37ef --- /dev/null +++ b/Computer_Vision/efficientnetv2_rw_m_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.170910120010376 + set_success: 0.02485203742980957 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnetv2_rw_m_timm_8a4f0045/onnx/efficientnetv2_rw_m_timm_8a4f0045-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnetv2_rw_m.py +class: EfficientNet +hash: 4663c497 +model_name: efficientnetv2_rw_m +onnx_input_dimensions: + x: + - 1 + - 3 + - 320 + - 320 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 207542.5654 +onnx_ops_counter: + Add: 55 + Conv: 263 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 203 + ReduceMean: 47 + Sigmoid: 203 +parameters: 53236442 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnetv2_rw_s_Opset16_timm/efficientnetv2_rw_s_Opset16.onnx b/Computer_Vision/efficientnetv2_rw_s_Opset16_timm/efficientnetv2_rw_s_Opset16.onnx new file mode 100644 index 000000000..60f390d79 --- /dev/null +++ b/Computer_Vision/efficientnetv2_rw_s_Opset16_timm/efficientnetv2_rw_s_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9b97585fb46048310b7adaccb2b90910f490a25d3b97c686578820cffed62987 +size 95568037 diff --git a/Computer_Vision/efficientnetv2_rw_s_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/efficientnetv2_rw_s_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..64db8c998 --- /dev/null +++ b/Computer_Vision/efficientnetv2_rw_s_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.460834503173828 + set_success: 0.019884586334228516 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnetv2_rw_s_timm_13e3df2d/onnx/efficientnetv2_rw_s_timm_13e3df2d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnetv2_rw_s.py +class: EfficientNet +hash: 45a7f822 +model_name: efficientnetv2_rw_s +onnx_input_dimensions: + x: + - 1 + - 3 + - 288 + - 288 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 93328.1934 +onnx_ops_counter: + Add: 35 + Conv: 172 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 132 + ReduceMean: 30 + Sigmoid: 132 +parameters: 23941296 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnetv2_rw_s_Opset17_timm/efficientnetv2_rw_s_Opset17.onnx b/Computer_Vision/efficientnetv2_rw_s_Opset17_timm/efficientnetv2_rw_s_Opset17.onnx new file mode 100644 index 000000000..b2f50cbce --- /dev/null +++ b/Computer_Vision/efficientnetv2_rw_s_Opset17_timm/efficientnetv2_rw_s_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:006702a86d1c45de8c21bf220f9967dceccb9b552515e180a751d3540b647c32 +size 95568037 diff --git a/Computer_Vision/efficientnetv2_rw_s_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/efficientnetv2_rw_s_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5d33fdd7b --- /dev/null +++ b/Computer_Vision/efficientnetv2_rw_s_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.420228958129883 + set_success: 0.02392435073852539 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnetv2_rw_s_timm_13e3df2d/onnx/efficientnetv2_rw_s_timm_13e3df2d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnetv2_rw_s.py +class: EfficientNet +hash: 45a7f822 +model_name: efficientnetv2_rw_s +onnx_input_dimensions: + x: + - 1 + - 3 + - 288 + - 288 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 93328.1934 +onnx_ops_counter: + Add: 35 + Conv: 172 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 132 + ReduceMean: 30 + Sigmoid: 132 +parameters: 23941296 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnetv2_rw_t_Opset16_timm/efficientnetv2_rw_t_Opset16.onnx b/Computer_Vision/efficientnetv2_rw_t_Opset16_timm/efficientnetv2_rw_t_Opset16.onnx new file mode 100644 index 000000000..030374bd3 --- /dev/null +++ b/Computer_Vision/efficientnetv2_rw_t_Opset16_timm/efficientnetv2_rw_t_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:73499d106df835fae1bd533329ad87b72f9f9356938f5f29113f0bede6757cfa +size 54479527 diff --git a/Computer_Vision/efficientnetv2_rw_t_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/efficientnetv2_rw_t_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..527ef2f97 --- /dev/null +++ b/Computer_Vision/efficientnetv2_rw_t_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.527735948562622 + set_success: 0.016635894775390625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnetv2_rw_t_timm_17459883/onnx/efficientnetv2_rw_t_timm_17459883-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnetv2_rw_t.py +class: EfficientNet +hash: 4d968138 +model_name: efficientnetv2_rw_t +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 53202.6953 +onnx_ops_counter: + Add: 34 + Conv: 165 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 128 + ReduceMean: 29 + Sigmoid: 128 +parameters: 13649388 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/efficientnetv2_rw_t_Opset17_timm/efficientnetv2_rw_t_Opset17.onnx b/Computer_Vision/efficientnetv2_rw_t_Opset17_timm/efficientnetv2_rw_t_Opset17.onnx new file mode 100644 index 000000000..935ddb099 --- /dev/null +++ b/Computer_Vision/efficientnetv2_rw_t_Opset17_timm/efficientnetv2_rw_t_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd5252dd7435eaa0ba65661ab1f37c2126de1c23ffd68fd78b15a788f8bab1bc +size 54479527 diff --git a/Computer_Vision/efficientnetv2_rw_t_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/efficientnetv2_rw_t_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..54c718cb1 --- /dev/null +++ b/Computer_Vision/efficientnetv2_rw_t_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.8553237915039062 + set_success: 0.019476890563964844 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/efficientnetv2_rw_t_timm_17459883/onnx/efficientnetv2_rw_t_timm_17459883-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/efficientnetv2_rw_t.py +class: EfficientNet +hash: 4d968138 +model_name: efficientnetv2_rw_t +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 53202.6953 +onnx_ops_counter: + Add: 34 + Conv: 165 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 128 + ReduceMean: 29 + Sigmoid: 128 +parameters: 13649388 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ens_adv_inception_resnet_v2_Opset16_timm/ens_adv_inception_resnet_v2_Opset16.onnx b/Computer_Vision/ens_adv_inception_resnet_v2_Opset16_timm/ens_adv_inception_resnet_v2_Opset16.onnx new file mode 100644 index 000000000..dc116ef91 --- /dev/null +++ b/Computer_Vision/ens_adv_inception_resnet_v2_Opset16_timm/ens_adv_inception_resnet_v2_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ed1c573b27bea1e32fb92ec41419903933c9d215cfb35b0e37090240c47bcbb3 +size 223402042 diff --git a/Computer_Vision/ens_adv_inception_resnet_v2_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/ens_adv_inception_resnet_v2_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ab456ae88 --- /dev/null +++ b/Computer_Vision/ens_adv_inception_resnet_v2_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.728828430175781 + set_success: 0.019707202911376953 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ens_adv_inception_resnet_v2_timm_2b05901d/onnx/ens_adv_inception_resnet_v2_timm_2b05901d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ens_adv_inception_resnet_v2.py +class: InceptionResnetV2 +hash: d7df6e3a +model_name: ens_adv_inception_resnet_v2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 218166.0889 +onnx_ops_counter: + Add: 40 + AveragePool: 1 + Concat: 43 + Constant: 40 + Conv: 244 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Mul: 40 + Relu: 243 +parameters: 55843464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ens_adv_inception_resnet_v2_Opset17_timm/ens_adv_inception_resnet_v2_Opset17.onnx b/Computer_Vision/ens_adv_inception_resnet_v2_Opset17_timm/ens_adv_inception_resnet_v2_Opset17.onnx new file mode 100644 index 000000000..11d760581 --- /dev/null +++ b/Computer_Vision/ens_adv_inception_resnet_v2_Opset17_timm/ens_adv_inception_resnet_v2_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0dc6be081dc863dd17db6999054ef1f58894835c8a3644043dbfee7060d5d627 +size 223402042 diff --git a/Computer_Vision/ens_adv_inception_resnet_v2_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/ens_adv_inception_resnet_v2_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f748d4f08 --- /dev/null +++ b/Computer_Vision/ens_adv_inception_resnet_v2_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.612534999847412 + set_success: 0.019645214080810547 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ens_adv_inception_resnet_v2_timm_2b05901d/onnx/ens_adv_inception_resnet_v2_timm_2b05901d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ens_adv_inception_resnet_v2.py +class: InceptionResnetV2 +hash: d7df6e3a +model_name: ens_adv_inception_resnet_v2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 218166.0889 +onnx_ops_counter: + Add: 40 + AveragePool: 1 + Concat: 43 + Constant: 40 + Conv: 244 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Mul: 40 + Relu: 243 +parameters: 55843464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ens_adv_inception_resnet_v2_Opset18_timm/ens_adv_inception_resnet_v2_Opset18.onnx b/Computer_Vision/ens_adv_inception_resnet_v2_Opset18_timm/ens_adv_inception_resnet_v2_Opset18.onnx new file mode 100644 index 000000000..4bb5fdba4 --- /dev/null +++ b/Computer_Vision/ens_adv_inception_resnet_v2_Opset18_timm/ens_adv_inception_resnet_v2_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c4794d6d7f9af2917b03d8e9a388602e63aceecc65850debcf71c534cdcd5423 +size 223402042 diff --git a/Computer_Vision/ens_adv_inception_resnet_v2_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/ens_adv_inception_resnet_v2_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cf84d12c4 --- /dev/null +++ b/Computer_Vision/ens_adv_inception_resnet_v2_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.122309923171997 + set_success: 0.024961471557617188 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ens_adv_inception_resnet_v2_timm_2b05901d/onnx/ens_adv_inception_resnet_v2_timm_2b05901d-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ens_adv_inception_resnet_v2.py +class: InceptionResnetV2 +hash: d7df6e3a +model_name: ens_adv_inception_resnet_v2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 218166.0889 +onnx_ops_counter: + Add: 40 + AveragePool: 1 + Concat: 43 + Constant: 40 + Conv: 244 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Mul: 40 + Relu: 243 +parameters: 55843464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ese_vovnet19b_dw_Opset16_timm/ese_vovnet19b_dw_Opset16.onnx b/Computer_Vision/ese_vovnet19b_dw_Opset16_timm/ese_vovnet19b_dw_Opset16.onnx new file mode 100644 index 000000000..977ea3bbb --- /dev/null +++ b/Computer_Vision/ese_vovnet19b_dw_Opset16_timm/ese_vovnet19b_dw_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:628205b8b208ecbd73c31b064bef32f528519af23bebfc64416f1864a3d307d7 +size 26176409 diff --git a/Computer_Vision/ese_vovnet19b_dw_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/ese_vovnet19b_dw_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c7bede496 --- /dev/null +++ b/Computer_Vision/ese_vovnet19b_dw_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.6910059452056885 + set_success: 0.015801429748535156 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ese_vovnet19b_dw_timm_be835063/onnx/ese_vovnet19b_dw_timm_be835063-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ese_vovnet19b_dw.py +class: VovNet +hash: 79e906fb +model_name: ese_vovnet19b_dw +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 25562.9316 +onnx_ops_counter: + Concat: 4 + Conv: 41 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 4 + MaxPool: 3 + Mul: 4 + ReduceMean: 4 + Relu: 23 +parameters: 6543080 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ese_vovnet19b_dw_Opset17_timm/ese_vovnet19b_dw_Opset17.onnx b/Computer_Vision/ese_vovnet19b_dw_Opset17_timm/ese_vovnet19b_dw_Opset17.onnx new file mode 100644 index 000000000..f653edcfb --- /dev/null +++ b/Computer_Vision/ese_vovnet19b_dw_Opset17_timm/ese_vovnet19b_dw_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe01c0a5959bd45c10decd86b06124b4138a485da78c75709f39288644046991 +size 26176409 diff --git a/Computer_Vision/ese_vovnet19b_dw_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/ese_vovnet19b_dw_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b3336420e --- /dev/null +++ b/Computer_Vision/ese_vovnet19b_dw_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8181102275848389 + set_success: 0.020934581756591797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ese_vovnet19b_dw_timm_be835063/onnx/ese_vovnet19b_dw_timm_be835063-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ese_vovnet19b_dw.py +class: VovNet +hash: 79e906fb +model_name: ese_vovnet19b_dw +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 25562.9316 +onnx_ops_counter: + Concat: 4 + Conv: 41 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 4 + MaxPool: 3 + Mul: 4 + ReduceMean: 4 + Relu: 23 +parameters: 6543080 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ese_vovnet39b_Opset16_timm/ese_vovnet39b_Opset16.onnx b/Computer_Vision/ese_vovnet39b_Opset16_timm/ese_vovnet39b_Opset16.onnx new file mode 100644 index 000000000..81eda11b4 --- /dev/null +++ b/Computer_Vision/ese_vovnet39b_Opset16_timm/ese_vovnet39b_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b13df98e71a53b5e73aa2ebd1e04dba702faebb24cbfb237b0b0292990cf758 +size 98267760 diff --git a/Computer_Vision/ese_vovnet39b_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/ese_vovnet39b_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..44e8a81e4 --- /dev/null +++ b/Computer_Vision/ese_vovnet39b_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9518773555755615 + set_success: 0.015315771102905273 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ese_vovnet39b_timm_8ff8f2a4/onnx/ese_vovnet39b_timm_8ff8f2a4-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ese_vovnet39b.py +class: VovNet +hash: bae618ef +model_name: ese_vovnet39b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 95964.6416 +onnx_ops_counter: + Add: 2 + Concat: 6 + Conv: 43 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 4 + MaxPool: 3 + Mul: 4 + ReduceMean: 4 + Relu: 39 +parameters: 24568936 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ese_vovnet39b_Opset17_timm/ese_vovnet39b_Opset17.onnx b/Computer_Vision/ese_vovnet39b_Opset17_timm/ese_vovnet39b_Opset17.onnx new file mode 100644 index 000000000..5eef938ec --- /dev/null +++ b/Computer_Vision/ese_vovnet39b_Opset17_timm/ese_vovnet39b_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8a931169449292f590dc1ce4c7461b2b531f20c6a5612bc645d17c7bea35e70b +size 98267760 diff --git a/Computer_Vision/ese_vovnet39b_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/ese_vovnet39b_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6bef388c4 --- /dev/null +++ b/Computer_Vision/ese_vovnet39b_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.982377529144287 + set_success: 0.01568460464477539 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ese_vovnet39b_timm_8ff8f2a4/onnx/ese_vovnet39b_timm_8ff8f2a4-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ese_vovnet39b.py +class: VovNet +hash: bae618ef +model_name: ese_vovnet39b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 95964.6416 +onnx_ops_counter: + Add: 2 + Concat: 6 + Conv: 43 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 4 + MaxPool: 3 + Mul: 4 + ReduceMean: 4 + Relu: 39 +parameters: 24568936 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset16_torchvision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset16.onnx b/Computer_Vision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset16_torchvision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset16.onnx new file mode 100644 index 000000000..36af70846 --- /dev/null +++ b/Computer_Vision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset16_torchvision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3152538c894b862375e9eb2713592baeb08988250f853553c81ff75a48fcf85a +size 77865292 diff --git a/Computer_Vision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset16_torchvision/turnkey_stats.yaml b/Computer_Vision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset16_torchvision/turnkey_stats.yaml new file mode 100644 index 000000000..3c36cabc0 --- /dev/null +++ b/Computer_Vision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset16_torchvision/turnkey_stats.yaml @@ -0,0 +1,245 @@ +author: torchvision +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.213030338287354 + set_success: 0.016783952713012695 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/fasterrcnn_mobilenet_v3_large_320_fpn_torchvision_3829eb9f/onnx/fasterrcnn_mobilenet_v3_large_320_fpn_torchvision_3829eb9f-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torchvision/fasterrcnn_mobilenet_v3_large_320_fpn.py +class: FasterRCNN +hash: dfc648b1 +model_name: fasterrcnn_mobilenet_v3_large_320_fpn +onnx_input_dimensions: + images: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 76040.3564 +onnx_ops_counter: + Add: 92 + And: 2 + Cast: 78 + Ceil: 2 + Clip: 5 + Concat: 68 + Constant: 459 + ConstantOfShape: 20 + Conv: 75 + Div: 27 + Equal: 6 + Exp: 4 + Expand: 10 + Flatten: 8 + Floor: 3 + Gather: 113 + Gemm: 4 + GlobalAveragePool: 8 + Greater: 1 + GreaterOrEqual: 5 + HardSigmoid: 8 + HardSwish: 20 + If: 2 + Log: 1 + Max: 4 + MaxPool: 1 + Min: 5 + Mul: 98 + NonZero: 6 + Pad: 1 + Range: 8 + Reciprocal: 2 + ReduceMax: 4 + ReduceMin: 4 + ReduceProd: 2 + Relu: 24 + Reshape: 63 + Resize: 2 + RoiAlign: 2 + ScatterElements: 2 + Shape: 87 + Sigmoid: 1 + Slice: 26 + Softmax: 1 + Split: 11 + Sqrt: 1 + Squeeze: 16 + Sub: 20 + TopK: 3 + Transpose: 13 + Unsqueeze: 112 + Where: 2 +parameters: 19386354 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset17_torchvision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset17.onnx b/Computer_Vision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset17_torchvision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset17.onnx new file mode 100644 index 000000000..fb645b391 --- /dev/null +++ b/Computer_Vision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset17_torchvision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a3e7f99962c75115471aa4c55766c24f8a85076e84c11a5343206b783853fcbc +size 77865292 diff --git a/Computer_Vision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset17_torchvision/turnkey_stats.yaml b/Computer_Vision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset17_torchvision/turnkey_stats.yaml new file mode 100644 index 000000000..7b6cad87f --- /dev/null +++ b/Computer_Vision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset17_torchvision/turnkey_stats.yaml @@ -0,0 +1,245 @@ +author: torchvision +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.882840633392334 + set_success: 0.018519163131713867 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/fasterrcnn_mobilenet_v3_large_320_fpn_torchvision_3829eb9f/onnx/fasterrcnn_mobilenet_v3_large_320_fpn_torchvision_3829eb9f-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torchvision/fasterrcnn_mobilenet_v3_large_320_fpn.py +class: FasterRCNN +hash: dfc648b1 +model_name: fasterrcnn_mobilenet_v3_large_320_fpn +onnx_input_dimensions: + images: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 76040.3564 +onnx_ops_counter: + Add: 92 + And: 2 + Cast: 78 + Ceil: 2 + Clip: 5 + Concat: 68 + Constant: 459 + ConstantOfShape: 20 + Conv: 75 + Div: 27 + Equal: 6 + Exp: 4 + Expand: 10 + Flatten: 8 + Floor: 3 + Gather: 113 + Gemm: 4 + GlobalAveragePool: 8 + Greater: 1 + GreaterOrEqual: 5 + HardSigmoid: 8 + HardSwish: 20 + If: 2 + Log: 1 + Max: 4 + MaxPool: 1 + Min: 5 + Mul: 98 + NonZero: 6 + Pad: 1 + Range: 8 + Reciprocal: 2 + ReduceMax: 4 + ReduceMin: 4 + ReduceProd: 2 + Relu: 24 + Reshape: 63 + Resize: 2 + RoiAlign: 2 + ScatterElements: 2 + Shape: 87 + Sigmoid: 1 + Slice: 26 + Softmax: 1 + Split: 11 + Sqrt: 1 + Squeeze: 16 + Sub: 20 + TopK: 3 + Transpose: 13 + Unsqueeze: 112 + Where: 2 +parameters: 19386354 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset18_torchvision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset18.onnx b/Computer_Vision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset18_torchvision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset18.onnx new file mode 100644 index 000000000..c71754d65 --- /dev/null +++ b/Computer_Vision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset18_torchvision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e8bb8980de953b0d888835e57ddbcd2c1975acbc616840381ff6c3c6772b5447 +size 77865292 diff --git a/Computer_Vision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset18_torchvision/turnkey_stats.yaml b/Computer_Vision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset18_torchvision/turnkey_stats.yaml new file mode 100644 index 000000000..79ba13904 --- /dev/null +++ b/Computer_Vision/fasterrcnn_mobilenet_v3_large_320_fpn_Opset18_torchvision/turnkey_stats.yaml @@ -0,0 +1,245 @@ +author: torchvision +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.381167888641357 + set_success: 0.6497535705566406 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/fasterrcnn_mobilenet_v3_large_320_fpn_torchvision_3829eb9f/onnx/fasterrcnn_mobilenet_v3_large_320_fpn_torchvision_3829eb9f-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torchvision/fasterrcnn_mobilenet_v3_large_320_fpn.py +class: FasterRCNN +hash: dfc648b1 +model_name: fasterrcnn_mobilenet_v3_large_320_fpn +onnx_input_dimensions: + images: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 76040.3564 +onnx_ops_counter: + Add: 92 + And: 2 + Cast: 78 + Ceil: 2 + Clip: 5 + Concat: 68 + Constant: 459 + ConstantOfShape: 20 + Conv: 75 + Div: 27 + Equal: 6 + Exp: 4 + Expand: 10 + Flatten: 8 + Floor: 3 + Gather: 113 + Gemm: 4 + GlobalAveragePool: 8 + Greater: 1 + GreaterOrEqual: 5 + HardSigmoid: 8 + HardSwish: 20 + If: 2 + Log: 1 + Max: 4 + MaxPool: 1 + Min: 5 + Mul: 98 + NonZero: 6 + Pad: 1 + Range: 8 + Reciprocal: 2 + ReduceMax: 4 + ReduceMin: 4 + ReduceProd: 2 + Relu: 24 + Reshape: 63 + Resize: 2 + RoiAlign: 2 + ScatterElements: 2 + Shape: 87 + Sigmoid: 1 + Slice: 26 + Softmax: 1 + Split: 11 + Sqrt: 1 + Squeeze: 16 + Sub: 20 + TopK: 3 + Transpose: 13 + Unsqueeze: 112 + Where: 2 +parameters: 19386354 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/fasterrcnn_mobilenet_v3_large_fpn_Opset16_torchvision/fasterrcnn_mobilenet_v3_large_fpn_Opset16.onnx b/Computer_Vision/fasterrcnn_mobilenet_v3_large_fpn_Opset16_torchvision/fasterrcnn_mobilenet_v3_large_fpn_Opset16.onnx new file mode 100644 index 000000000..825e88b97 --- /dev/null +++ b/Computer_Vision/fasterrcnn_mobilenet_v3_large_fpn_Opset16_torchvision/fasterrcnn_mobilenet_v3_large_fpn_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c715ce8e9b5e47440fd9eeb737b656c3cac303bcb3d19bfe88273cc19b65ca2f +size 77865292 diff --git a/Computer_Vision/fasterrcnn_mobilenet_v3_large_fpn_Opset16_torchvision/turnkey_stats.yaml b/Computer_Vision/fasterrcnn_mobilenet_v3_large_fpn_Opset16_torchvision/turnkey_stats.yaml new file mode 100644 index 000000000..9385b9661 --- /dev/null +++ b/Computer_Vision/fasterrcnn_mobilenet_v3_large_fpn_Opset16_torchvision/turnkey_stats.yaml @@ -0,0 +1,245 @@ +author: torchvision +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.051736116409302 + set_success: 0.016793012619018555 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/fasterrcnn_mobilenet_v3_large_fpn_torchvision_2457d645/onnx/fasterrcnn_mobilenet_v3_large_fpn_torchvision_2457d645-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torchvision/fasterrcnn_mobilenet_v3_large_fpn.py +class: FasterRCNN +hash: 608647d6 +model_name: fasterrcnn_mobilenet_v3_large_fpn +onnx_input_dimensions: + images: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 76040.3564 +onnx_ops_counter: + Add: 92 + And: 2 + Cast: 78 + Ceil: 2 + Clip: 5 + Concat: 68 + Constant: 459 + ConstantOfShape: 20 + Conv: 75 + Div: 27 + Equal: 6 + Exp: 4 + Expand: 10 + Flatten: 8 + Floor: 3 + Gather: 113 + Gemm: 4 + GlobalAveragePool: 8 + Greater: 1 + GreaterOrEqual: 5 + HardSigmoid: 8 + HardSwish: 20 + If: 2 + Log: 1 + Max: 4 + MaxPool: 1 + Min: 5 + Mul: 98 + NonZero: 6 + Pad: 1 + Range: 8 + Reciprocal: 2 + ReduceMax: 4 + ReduceMin: 4 + ReduceProd: 2 + Relu: 24 + Reshape: 63 + Resize: 2 + RoiAlign: 2 + ScatterElements: 2 + Shape: 87 + Sigmoid: 1 + Slice: 26 + Softmax: 1 + Split: 11 + Sqrt: 1 + Squeeze: 16 + Sub: 20 + TopK: 3 + Transpose: 13 + Unsqueeze: 112 + Where: 2 +parameters: 19386354 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/fasterrcnn_mobilenet_v3_large_fpn_Opset17_torchvision/fasterrcnn_mobilenet_v3_large_fpn_Opset17.onnx b/Computer_Vision/fasterrcnn_mobilenet_v3_large_fpn_Opset17_torchvision/fasterrcnn_mobilenet_v3_large_fpn_Opset17.onnx new file mode 100644 index 000000000..9186cedb9 --- /dev/null +++ b/Computer_Vision/fasterrcnn_mobilenet_v3_large_fpn_Opset17_torchvision/fasterrcnn_mobilenet_v3_large_fpn_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05104080f3282c679394e11656b68dffa7190fd2fcd650893fbaeba3d91b8118 +size 77865292 diff --git a/Computer_Vision/fasterrcnn_mobilenet_v3_large_fpn_Opset17_torchvision/turnkey_stats.yaml b/Computer_Vision/fasterrcnn_mobilenet_v3_large_fpn_Opset17_torchvision/turnkey_stats.yaml new file mode 100644 index 000000000..9da5948d7 --- /dev/null +++ b/Computer_Vision/fasterrcnn_mobilenet_v3_large_fpn_Opset17_torchvision/turnkey_stats.yaml @@ -0,0 +1,245 @@ +author: torchvision +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.296245813369751 + set_success: 0.019464492797851562 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/fasterrcnn_mobilenet_v3_large_fpn_torchvision_2457d645/onnx/fasterrcnn_mobilenet_v3_large_fpn_torchvision_2457d645-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torchvision/fasterrcnn_mobilenet_v3_large_fpn.py +class: FasterRCNN +hash: 608647d6 +model_name: fasterrcnn_mobilenet_v3_large_fpn +onnx_input_dimensions: + images: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 76040.3564 +onnx_ops_counter: + Add: 92 + And: 2 + Cast: 78 + Ceil: 2 + Clip: 5 + Concat: 68 + Constant: 459 + ConstantOfShape: 20 + Conv: 75 + Div: 27 + Equal: 6 + Exp: 4 + Expand: 10 + Flatten: 8 + Floor: 3 + Gather: 113 + Gemm: 4 + GlobalAveragePool: 8 + Greater: 1 + GreaterOrEqual: 5 + HardSigmoid: 8 + HardSwish: 20 + If: 2 + Log: 1 + Max: 4 + MaxPool: 1 + Min: 5 + Mul: 98 + NonZero: 6 + Pad: 1 + Range: 8 + Reciprocal: 2 + ReduceMax: 4 + ReduceMin: 4 + ReduceProd: 2 + Relu: 24 + Reshape: 63 + Resize: 2 + RoiAlign: 2 + ScatterElements: 2 + Shape: 87 + Sigmoid: 1 + Slice: 26 + Softmax: 1 + Split: 11 + Sqrt: 1 + Squeeze: 16 + Sub: 20 + TopK: 3 + Transpose: 13 + Unsqueeze: 112 + Where: 2 +parameters: 19386354 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/fasterrcnn_mobilenet_v3_large_fpn_Opset18_torchvision/fasterrcnn_mobilenet_v3_large_fpn_Opset18.onnx b/Computer_Vision/fasterrcnn_mobilenet_v3_large_fpn_Opset18_torchvision/fasterrcnn_mobilenet_v3_large_fpn_Opset18.onnx new file mode 100644 index 000000000..424f5d2db --- /dev/null +++ b/Computer_Vision/fasterrcnn_mobilenet_v3_large_fpn_Opset18_torchvision/fasterrcnn_mobilenet_v3_large_fpn_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f584735a52137475b1556b9ef1897d0d4b305f5ee6d2aa12524e451a35aa3b9a +size 77865292 diff --git a/Computer_Vision/fasterrcnn_mobilenet_v3_large_fpn_Opset18_torchvision/turnkey_stats.yaml b/Computer_Vision/fasterrcnn_mobilenet_v3_large_fpn_Opset18_torchvision/turnkey_stats.yaml new file mode 100644 index 000000000..df0b864a5 --- /dev/null +++ b/Computer_Vision/fasterrcnn_mobilenet_v3_large_fpn_Opset18_torchvision/turnkey_stats.yaml @@ -0,0 +1,245 @@ +author: torchvision +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.075706481933594 + set_success: 0.017073392868041992 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/fasterrcnn_mobilenet_v3_large_fpn_torchvision_2457d645/onnx/fasterrcnn_mobilenet_v3_large_fpn_torchvision_2457d645-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torchvision/fasterrcnn_mobilenet_v3_large_fpn.py +class: FasterRCNN +hash: 608647d6 +model_name: fasterrcnn_mobilenet_v3_large_fpn +onnx_input_dimensions: + images: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 76040.3564 +onnx_ops_counter: + Add: 92 + And: 2 + Cast: 78 + Ceil: 2 + Clip: 5 + Concat: 68 + Constant: 459 + ConstantOfShape: 20 + Conv: 75 + Div: 27 + Equal: 6 + Exp: 4 + Expand: 10 + Flatten: 8 + Floor: 3 + Gather: 113 + Gemm: 4 + GlobalAveragePool: 8 + Greater: 1 + GreaterOrEqual: 5 + HardSigmoid: 8 + HardSwish: 20 + If: 2 + Log: 1 + Max: 4 + MaxPool: 1 + Min: 5 + Mul: 98 + NonZero: 6 + Pad: 1 + Range: 8 + Reciprocal: 2 + ReduceMax: 4 + ReduceMin: 4 + ReduceProd: 2 + Relu: 24 + Reshape: 63 + Resize: 2 + RoiAlign: 2 + ScatterElements: 2 + Shape: 87 + Sigmoid: 1 + Slice: 26 + Softmax: 1 + Split: 11 + Sqrt: 1 + Squeeze: 16 + Sub: 20 + TopK: 3 + Transpose: 13 + Unsqueeze: 112 + Where: 2 +parameters: 19386354 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/fasterrcnn_resnet50_fpn_v2_Opset16_torchvision/fasterrcnn_resnet50_fpn_v2_Opset16.onnx b/Computer_Vision/fasterrcnn_resnet50_fpn_v2_Opset16_torchvision/fasterrcnn_resnet50_fpn_v2_Opset16.onnx new file mode 100644 index 000000000..7f10f4372 --- /dev/null +++ b/Computer_Vision/fasterrcnn_resnet50_fpn_v2_Opset16_torchvision/fasterrcnn_resnet50_fpn_v2_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a90f9c757224bf56c30795ade595c7129d98323f38b0fd915cb10419317aa30 +size 174994133 diff --git a/Computer_Vision/fasterrcnn_resnet50_fpn_v2_Opset16_torchvision/turnkey_stats.yaml b/Computer_Vision/fasterrcnn_resnet50_fpn_v2_Opset16_torchvision/turnkey_stats.yaml new file mode 100644 index 000000000..ea5c59dde --- /dev/null +++ b/Computer_Vision/fasterrcnn_resnet50_fpn_v2_Opset16_torchvision/turnkey_stats.yaml @@ -0,0 +1,242 @@ +author: torchvision +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.07224988937378 + set_success: 0.023375272750854492 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/fasterrcnn_resnet50_fpn_v2_torchvision_a7b95f81/onnx/fasterrcnn_resnet50_fpn_v2_torchvision_a7b95f81-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torchvision/fasterrcnn_resnet50_fpn_v2.py +class: FasterRCNN +hash: ae446d48 +model_name: fasterrcnn_resnet50_fpn_v2 +onnx_input_dimensions: + images: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 170892.7402 +onnx_ops_counter: + Add: 66 + And: 2 + Cast: 114 + Ceil: 2 + Clip: 5 + Concat: 96 + Constant: 618 + ConstantOfShape: 32 + Conv: 85 + Div: 35 + Equal: 10 + Exp: 4 + Expand: 16 + Flatten: 8 + Floor: 3 + Gather: 158 + Gemm: 3 + Greater: 1 + GreaterOrEqual: 5 + If: 2 + Log: 1 + Max: 4 + MaxPool: 2 + Min: 5 + Mul: 54 + NonZero: 8 + Pad: 1 + Range: 12 + Reciprocal: 2 + ReduceMax: 4 + ReduceMin: 6 + ReduceProd: 2 + Relu: 64 + Reshape: 95 + Resize: 4 + RoiAlign: 4 + ScatterElements: 4 + Shape: 136 + Sigmoid: 1 + Slice: 30 + Softmax: 1 + Split: 13 + Sqrt: 1 + Squeeze: 20 + Sub: 20 + TopK: 5 + Transpose: 19 + Unsqueeze: 161 + Where: 4 +parameters: 43712278 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/fasterrcnn_resnet50_fpn_v2_Opset17_torchvision/fasterrcnn_resnet50_fpn_v2_Opset17.onnx b/Computer_Vision/fasterrcnn_resnet50_fpn_v2_Opset17_torchvision/fasterrcnn_resnet50_fpn_v2_Opset17.onnx new file mode 100644 index 000000000..5d5395ee4 --- /dev/null +++ b/Computer_Vision/fasterrcnn_resnet50_fpn_v2_Opset17_torchvision/fasterrcnn_resnet50_fpn_v2_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c4335c0c9d926d99cbda1af5b3c9f91c8717525e3b7654c3d36bb57c8ec2e3d +size 174994133 diff --git a/Computer_Vision/fasterrcnn_resnet50_fpn_v2_Opset17_torchvision/turnkey_stats.yaml b/Computer_Vision/fasterrcnn_resnet50_fpn_v2_Opset17_torchvision/turnkey_stats.yaml new file mode 100644 index 000000000..b00541697 --- /dev/null +++ b/Computer_Vision/fasterrcnn_resnet50_fpn_v2_Opset17_torchvision/turnkey_stats.yaml @@ -0,0 +1,242 @@ +author: torchvision +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.460308313369751 + set_success: 0.02001023292541504 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/fasterrcnn_resnet50_fpn_v2_torchvision_a7b95f81/onnx/fasterrcnn_resnet50_fpn_v2_torchvision_a7b95f81-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torchvision/fasterrcnn_resnet50_fpn_v2.py +class: FasterRCNN +hash: ae446d48 +model_name: fasterrcnn_resnet50_fpn_v2 +onnx_input_dimensions: + images: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 170892.7402 +onnx_ops_counter: + Add: 66 + And: 2 + Cast: 114 + Ceil: 2 + Clip: 5 + Concat: 96 + Constant: 618 + ConstantOfShape: 32 + Conv: 85 + Div: 35 + Equal: 10 + Exp: 4 + Expand: 16 + Flatten: 8 + Floor: 3 + Gather: 158 + Gemm: 3 + Greater: 1 + GreaterOrEqual: 5 + If: 2 + Log: 1 + Max: 4 + MaxPool: 2 + Min: 5 + Mul: 54 + NonZero: 8 + Pad: 1 + Range: 12 + Reciprocal: 2 + ReduceMax: 4 + ReduceMin: 6 + ReduceProd: 2 + Relu: 64 + Reshape: 95 + Resize: 4 + RoiAlign: 4 + ScatterElements: 4 + Shape: 136 + Sigmoid: 1 + Slice: 30 + Softmax: 1 + Split: 13 + Sqrt: 1 + Squeeze: 20 + Sub: 20 + TopK: 5 + Transpose: 19 + Unsqueeze: 161 + Where: 4 +parameters: 43712278 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/fasterrcnn_resnet50_fpn_v2_Opset18_torchvision/fasterrcnn_resnet50_fpn_v2_Opset18.onnx b/Computer_Vision/fasterrcnn_resnet50_fpn_v2_Opset18_torchvision/fasterrcnn_resnet50_fpn_v2_Opset18.onnx new file mode 100644 index 000000000..34be77ed5 --- /dev/null +++ b/Computer_Vision/fasterrcnn_resnet50_fpn_v2_Opset18_torchvision/fasterrcnn_resnet50_fpn_v2_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44963ac8566b3741ca4d93543b1cf2712e40d9425382abd338592a8df5c275e4 +size 174994133 diff --git a/Computer_Vision/fasterrcnn_resnet50_fpn_v2_Opset18_torchvision/turnkey_stats.yaml b/Computer_Vision/fasterrcnn_resnet50_fpn_v2_Opset18_torchvision/turnkey_stats.yaml new file mode 100644 index 000000000..25416c006 --- /dev/null +++ b/Computer_Vision/fasterrcnn_resnet50_fpn_v2_Opset18_torchvision/turnkey_stats.yaml @@ -0,0 +1,242 @@ +author: torchvision +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.188419580459595 + set_success: 0.023783445358276367 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/fasterrcnn_resnet50_fpn_v2_torchvision_a7b95f81/onnx/fasterrcnn_resnet50_fpn_v2_torchvision_a7b95f81-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torchvision/fasterrcnn_resnet50_fpn_v2.py +class: FasterRCNN +hash: ae446d48 +model_name: fasterrcnn_resnet50_fpn_v2 +onnx_input_dimensions: + images: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 170892.7402 +onnx_ops_counter: + Add: 66 + And: 2 + Cast: 114 + Ceil: 2 + Clip: 5 + Concat: 96 + Constant: 618 + ConstantOfShape: 32 + Conv: 85 + Div: 35 + Equal: 10 + Exp: 4 + Expand: 16 + Flatten: 8 + Floor: 3 + Gather: 158 + Gemm: 3 + Greater: 1 + GreaterOrEqual: 5 + If: 2 + Log: 1 + Max: 4 + MaxPool: 2 + Min: 5 + Mul: 54 + NonZero: 8 + Pad: 1 + Range: 12 + Reciprocal: 2 + ReduceMax: 4 + ReduceMin: 6 + ReduceProd: 2 + Relu: 64 + Reshape: 95 + Resize: 4 + RoiAlign: 4 + ScatterElements: 4 + Shape: 136 + Sigmoid: 1 + Slice: 30 + Softmax: 1 + Split: 13 + Sqrt: 1 + Squeeze: 20 + Sub: 20 + TopK: 5 + Transpose: 19 + Unsqueeze: 161 + Where: 4 +parameters: 43712278 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/fbnetc_100_Opset16_timm/fbnetc_100_Opset16.onnx b/Computer_Vision/fbnetc_100_Opset16_timm/fbnetc_100_Opset16.onnx new file mode 100644 index 000000000..97d1cda5e --- /dev/null +++ b/Computer_Vision/fbnetc_100_Opset16_timm/fbnetc_100_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f9192c3f6ecfd3a5a1a4251ac310fe572408d31884325b376a912fcca7f7593 +size 22231733 diff --git a/Computer_Vision/fbnetc_100_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/fbnetc_100_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4fcc1b709 --- /dev/null +++ b/Computer_Vision/fbnetc_100_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3072774410247803 + set_success: 0.014381885528564453 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/fbnetc_100_timm_eb5bde0b/onnx/fbnetc_100_timm_eb5bde0b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/fbnetc_100.py +class: EfficientNet +hash: 8c5f99d5 +model_name: fbnetc_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 21710.709 +onnx_ops_counter: + Add: 15 + Conv: 65 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 44 +parameters: 5572200 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/fbnetc_100_Opset17_timm/fbnetc_100_Opset17.onnx b/Computer_Vision/fbnetc_100_Opset17_timm/fbnetc_100_Opset17.onnx new file mode 100644 index 000000000..0e577913c --- /dev/null +++ b/Computer_Vision/fbnetc_100_Opset17_timm/fbnetc_100_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b289b474c19bc3cd66c293a5133da7b3d27b628739500fba6b2d0439840dc097 +size 22231733 diff --git a/Computer_Vision/fbnetc_100_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/fbnetc_100_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..02101eed1 --- /dev/null +++ b/Computer_Vision/fbnetc_100_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.0919582843780518 + set_success: 0.015095949172973633 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/fbnetc_100_timm_eb5bde0b/onnx/fbnetc_100_timm_eb5bde0b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/fbnetc_100.py +class: EfficientNet +hash: 8c5f99d5 +model_name: fbnetc_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 21710.709 +onnx_ops_counter: + Add: 15 + Conv: 65 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 44 +parameters: 5572200 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/fbnetc_100_Opset18_timm/fbnetc_100_Opset18.onnx b/Computer_Vision/fbnetc_100_Opset18_timm/fbnetc_100_Opset18.onnx new file mode 100644 index 000000000..356d7e2a5 --- /dev/null +++ b/Computer_Vision/fbnetc_100_Opset18_timm/fbnetc_100_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e070fc81432fa539b23b79351646433d3050da916fb3220419842dfaa222175 +size 22231733 diff --git a/Computer_Vision/fbnetc_100_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/fbnetc_100_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..628a5df5b --- /dev/null +++ b/Computer_Vision/fbnetc_100_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.0919623374938965 + set_success: 0.016019821166992188 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/fbnetc_100_timm_eb5bde0b/onnx/fbnetc_100_timm_eb5bde0b-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/fbnetc_100.py +class: EfficientNet +hash: 8c5f99d5 +model_name: fbnetc_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 21710.709 +onnx_ops_counter: + Add: 15 + Conv: 65 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 44 +parameters: 5572200 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/fbnetv3_b_Opset16_timm/fbnetv3_b_Opset16.onnx b/Computer_Vision/fbnetv3_b_Opset16_timm/fbnetv3_b_Opset16.onnx new file mode 100644 index 000000000..6b6c8990d --- /dev/null +++ b/Computer_Vision/fbnetv3_b_Opset16_timm/fbnetv3_b_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f94c75403204647041c7ed9145fcb0550aaef8cbcd19c8977df5a6779f6474bc +size 34374580 diff --git a/Computer_Vision/fbnetv3_b_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/fbnetv3_b_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2120a6ea7 --- /dev/null +++ b/Computer_Vision/fbnetv3_b_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.1221354007720947 + set_success: 0.015569686889648438 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/fbnetv3_b_timm_d26ccb1e/onnx/fbnetv3_b_timm_d26ccb1e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/fbnetv3_b.py +class: MobileNetV3 +hash: 07abe998 +model_name: fbnetv3_b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 33568.958 +onnx_ops_counter: + Add: 23 + Conv: 124 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 18 + HardSwish: 77 + Mul: 18 + ReduceMean: 18 +parameters: 8598464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/fbnetv3_b_Opset17_timm/fbnetv3_b_Opset17.onnx b/Computer_Vision/fbnetv3_b_Opset17_timm/fbnetv3_b_Opset17.onnx new file mode 100644 index 000000000..9c8459f38 --- /dev/null +++ b/Computer_Vision/fbnetv3_b_Opset17_timm/fbnetv3_b_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:527993ac46a2b9871d0e3d9ecc820db8abfab0306c55776501c3dec63f68194f +size 34374580 diff --git a/Computer_Vision/fbnetv3_b_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/fbnetv3_b_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cd3be9893 --- /dev/null +++ b/Computer_Vision/fbnetv3_b_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.1561851501464844 + set_success: 0.01637434959411621 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/fbnetv3_b_timm_d26ccb1e/onnx/fbnetv3_b_timm_d26ccb1e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/fbnetv3_b.py +class: MobileNetV3 +hash: 07abe998 +model_name: fbnetv3_b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 33568.958 +onnx_ops_counter: + Add: 23 + Conv: 124 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 18 + HardSwish: 77 + Mul: 18 + ReduceMean: 18 +parameters: 8598464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/fbnetv3_d_Opset16_timm/fbnetv3_d_Opset16.onnx b/Computer_Vision/fbnetv3_d_Opset16_timm/fbnetv3_d_Opset16.onnx new file mode 100644 index 000000000..abaa919ed --- /dev/null +++ b/Computer_Vision/fbnetv3_d_Opset16_timm/fbnetv3_d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a6983107ad4a544edf4d60c60e47f99345fcdc23f63ca707ca440ec4705d3eb +size 41191553 diff --git a/Computer_Vision/fbnetv3_d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/fbnetv3_d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..580b0b6d0 --- /dev/null +++ b/Computer_Vision/fbnetv3_d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.628171682357788 + set_success: 0.018823862075805664 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/fbnetv3_d_timm_f5bd3d41/onnx/fbnetv3_d_timm_f5bd3d41-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/fbnetv3_d.py +class: MobileNetV3 +hash: 9db09bbb +model_name: fbnetv3_d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 40226.1582 +onnx_ops_counter: + Add: 25 + Conv: 135 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 19 + HardSwish: 84 + Mul: 19 + ReduceMean: 19 +parameters: 10306272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/fbnetv3_d_Opset17_timm/fbnetv3_d_Opset17.onnx b/Computer_Vision/fbnetv3_d_Opset17_timm/fbnetv3_d_Opset17.onnx new file mode 100644 index 000000000..d8194e420 --- /dev/null +++ b/Computer_Vision/fbnetv3_d_Opset17_timm/fbnetv3_d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d3aada206111bc69a202a6c6d6dc0954ca0b16a819459e121a9da8c1b7117a4 +size 41191553 diff --git a/Computer_Vision/fbnetv3_d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/fbnetv3_d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1c7ec60a6 --- /dev/null +++ b/Computer_Vision/fbnetv3_d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.536803960800171 + set_success: 0.01684737205505371 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/fbnetv3_d_timm_f5bd3d41/onnx/fbnetv3_d_timm_f5bd3d41-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/fbnetv3_d.py +class: MobileNetV3 +hash: 9db09bbb +model_name: fbnetv3_d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 40226.1582 +onnx_ops_counter: + Add: 25 + Conv: 135 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 19 + HardSwish: 84 + Mul: 19 + ReduceMean: 19 +parameters: 10306272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/fbnetv3_g_Opset16_timm/fbnetv3_g_Opset16.onnx b/Computer_Vision/fbnetv3_g_Opset16_timm/fbnetv3_g_Opset16.onnx new file mode 100644 index 000000000..5b8c0effc --- /dev/null +++ b/Computer_Vision/fbnetv3_g_Opset16_timm/fbnetv3_g_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63f4ddc2ea62cc930a29e23edc34f14a5cc1a8c2ae0620812130c73cb6887dac +size 66405744 diff --git a/Computer_Vision/fbnetv3_g_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/fbnetv3_g_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..387376599 --- /dev/null +++ b/Computer_Vision/fbnetv3_g_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.215716600418091 + set_success: 0.01798725128173828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/fbnetv3_g_timm_87516cd2/onnx/fbnetv3_g_timm_87516cd2-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/fbnetv3_g.py +class: MobileNetV3 +hash: 17ff40dd +model_name: fbnetv3_g +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 64849.3916 +onnx_ops_counter: + Add: 29 + Conv: 154 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 23 + HardSwish: 95 + Mul: 23 + ReduceMean: 23 +parameters: 16623888 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/fbnetv3_g_Opset17_timm/fbnetv3_g_Opset17.onnx b/Computer_Vision/fbnetv3_g_Opset17_timm/fbnetv3_g_Opset17.onnx new file mode 100644 index 000000000..d2c8b8223 --- /dev/null +++ b/Computer_Vision/fbnetv3_g_Opset17_timm/fbnetv3_g_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de8be93ae9e8ca07e1c3d383c66ae77f3c2e24958c0612a2adfcf8995d1f0b4a +size 66405744 diff --git a/Computer_Vision/fbnetv3_g_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/fbnetv3_g_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3b969647c --- /dev/null +++ b/Computer_Vision/fbnetv3_g_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.2395260334014893 + set_success: 0.018856525421142578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/fbnetv3_g_timm_87516cd2/onnx/fbnetv3_g_timm_87516cd2-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/fbnetv3_g.py +class: MobileNetV3 +hash: 17ff40dd +model_name: fbnetv3_g +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 64849.3916 +onnx_ops_counter: + Add: 29 + Conv: 154 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 23 + HardSwish: 95 + Mul: 23 + ReduceMean: 23 +parameters: 16623888 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/fcos_resnet50_fpn_Opset16_torchvision/fcos_resnet50_fpn_Opset16.onnx b/Computer_Vision/fcos_resnet50_fpn_Opset16_torchvision/fcos_resnet50_fpn_Opset16.onnx new file mode 100644 index 000000000..54c975606 --- /dev/null +++ b/Computer_Vision/fcos_resnet50_fpn_Opset16_torchvision/fcos_resnet50_fpn_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c028822cbc48167a995d2a3100518eff9297b087a91b75b4cab4741849aa7b3 +size 129650492 diff --git a/Computer_Vision/fcos_resnet50_fpn_Opset16_torchvision/turnkey_stats.yaml b/Computer_Vision/fcos_resnet50_fpn_Opset16_torchvision/turnkey_stats.yaml new file mode 100644 index 000000000..8f1b5cb6c --- /dev/null +++ b/Computer_Vision/fcos_resnet50_fpn_Opset16_torchvision/turnkey_stats.yaml @@ -0,0 +1,240 @@ +author: torchvision +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.297784805297852 + set_success: 0.020243167877197266 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/fcos_resnet50_fpn_torchvision_93af0b0c/onnx/fcos_resnet50_fpn_torchvision_93af0b0c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torchvision/fcos_resnet50_fpn.py +class: FCOS +hash: 10d07558 +model_name: fcos_resnet50_fpn +onnx_input_dimensions: + images: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 126611.8408 +onnx_ops_counter: + Add: 166 + And: 5 + Cast: 83 + Ceil: 2 + Concat: 101 + Constant: 694 + ConstantOfShape: 21 + Conv: 116 + Div: 20 + Equal: 6 + Expand: 10 + Floor: 2 + Gather: 144 + GatherND: 5 + Greater: 5 + Identity: 64 + If: 1 + InstanceNormalization: 40 + Less: 10 + Max: 10 + MaxPool: 1 + Min: 11 + Mod: 10 + Mul: 138 + NonZero: 10 + Not: 5 + Pad: 1 + Range: 10 + Reciprocal: 2 + ReduceMax: 4 + ReduceMin: 6 + ReduceProd: 1 + Relu: 95 + Reshape: 167 + Resize: 3 + Shape: 139 + Sigmoid: 10 + Slice: 40 + Split: 7 + Sqrt: 5 + Squeeze: 10 + Sub: 30 + TopK: 5 + Transpose: 26 + Unsqueeze: 186 + Where: 5 + Xor: 5 +parameters: 32269600 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/fcos_resnet50_fpn_Opset17_torchvision/fcos_resnet50_fpn_Opset17.onnx b/Computer_Vision/fcos_resnet50_fpn_Opset17_torchvision/fcos_resnet50_fpn_Opset17.onnx new file mode 100644 index 000000000..e72b20676 --- /dev/null +++ b/Computer_Vision/fcos_resnet50_fpn_Opset17_torchvision/fcos_resnet50_fpn_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:263796cad4059e2d11a71abc9272383afbe98d34c704ba0e448b1052626d402c +size 129650492 diff --git a/Computer_Vision/fcos_resnet50_fpn_Opset17_torchvision/turnkey_stats.yaml b/Computer_Vision/fcos_resnet50_fpn_Opset17_torchvision/turnkey_stats.yaml new file mode 100644 index 000000000..e1db1e47c --- /dev/null +++ b/Computer_Vision/fcos_resnet50_fpn_Opset17_torchvision/turnkey_stats.yaml @@ -0,0 +1,240 @@ +author: torchvision +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.818537712097168 + set_success: 0.023693323135375977 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/fcos_resnet50_fpn_torchvision_93af0b0c/onnx/fcos_resnet50_fpn_torchvision_93af0b0c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torchvision/fcos_resnet50_fpn.py +class: FCOS +hash: 10d07558 +model_name: fcos_resnet50_fpn +onnx_input_dimensions: + images: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 126611.8408 +onnx_ops_counter: + Add: 166 + And: 5 + Cast: 83 + Ceil: 2 + Concat: 101 + Constant: 694 + ConstantOfShape: 21 + Conv: 116 + Div: 20 + Equal: 6 + Expand: 10 + Floor: 2 + Gather: 144 + GatherND: 5 + Greater: 5 + Identity: 64 + If: 1 + InstanceNormalization: 40 + Less: 10 + Max: 10 + MaxPool: 1 + Min: 11 + Mod: 10 + Mul: 138 + NonZero: 10 + Not: 5 + Pad: 1 + Range: 10 + Reciprocal: 2 + ReduceMax: 4 + ReduceMin: 6 + ReduceProd: 1 + Relu: 95 + Reshape: 167 + Resize: 3 + Shape: 139 + Sigmoid: 10 + Slice: 40 + Split: 7 + Sqrt: 5 + Squeeze: 10 + Sub: 30 + TopK: 5 + Transpose: 26 + Unsqueeze: 186 + Where: 5 + Xor: 5 +parameters: 32269600 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/fcos_resnet50_fpn_Opset18_torchvision/fcos_resnet50_fpn_Opset18.onnx b/Computer_Vision/fcos_resnet50_fpn_Opset18_torchvision/fcos_resnet50_fpn_Opset18.onnx new file mode 100644 index 000000000..8112ec5ba --- /dev/null +++ b/Computer_Vision/fcos_resnet50_fpn_Opset18_torchvision/fcos_resnet50_fpn_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77e2c98857ef5e4ee4fd70c9907f2ef21916657895eb8d25d29cc478c73dd38f +size 129650492 diff --git a/Computer_Vision/fcos_resnet50_fpn_Opset18_torchvision/turnkey_stats.yaml b/Computer_Vision/fcos_resnet50_fpn_Opset18_torchvision/turnkey_stats.yaml new file mode 100644 index 000000000..454af09c2 --- /dev/null +++ b/Computer_Vision/fcos_resnet50_fpn_Opset18_torchvision/turnkey_stats.yaml @@ -0,0 +1,240 @@ +author: torchvision +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.982181787490845 + set_success: 0.02093195915222168 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/fcos_resnet50_fpn_torchvision_93af0b0c/onnx/fcos_resnet50_fpn_torchvision_93af0b0c-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torchvision/fcos_resnet50_fpn.py +class: FCOS +hash: 10d07558 +model_name: fcos_resnet50_fpn +onnx_input_dimensions: + images: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 126611.8408 +onnx_ops_counter: + Add: 166 + And: 5 + Cast: 83 + Ceil: 2 + Concat: 101 + Constant: 694 + ConstantOfShape: 21 + Conv: 116 + Div: 20 + Equal: 6 + Expand: 10 + Floor: 2 + Gather: 144 + GatherND: 5 + Greater: 5 + Identity: 64 + If: 1 + InstanceNormalization: 40 + Less: 10 + Max: 10 + MaxPool: 1 + Min: 11 + Mod: 10 + Mul: 138 + NonZero: 10 + Not: 5 + Pad: 1 + Range: 10 + Reciprocal: 2 + ReduceMax: 4 + ReduceMin: 6 + ReduceProd: 1 + Relu: 95 + Reshape: 167 + Resize: 3 + Shape: 139 + Sigmoid: 10 + Slice: 40 + Split: 7 + Sqrt: 5 + Squeeze: 10 + Sub: 30 + TopK: 5 + Transpose: 26 + Unsqueeze: 186 + Where: 5 + Xor: 5 +parameters: 32269600 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gc_efficientnetv2_rw_t_Opset16_timm/gc_efficientnetv2_rw_t_Opset16.onnx b/Computer_Vision/gc_efficientnetv2_rw_t_Opset16_timm/gc_efficientnetv2_rw_t_Opset16.onnx new file mode 100644 index 000000000..00ead7cfe --- /dev/null +++ b/Computer_Vision/gc_efficientnetv2_rw_t_Opset16_timm/gc_efficientnetv2_rw_t_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c5deae035c557181e55d4e71f94477c9613d23957846b2dd7e873c1ad5cb9b8 +size 54750335 diff --git a/Computer_Vision/gc_efficientnetv2_rw_t_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gc_efficientnetv2_rw_t_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f641a7f47 --- /dev/null +++ b/Computer_Vision/gc_efficientnetv2_rw_t_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,211 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.602812767028809 + set_success: 0.019469499588012695 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gc_efficientnetv2_rw_t_timm_d34e593c/onnx/gc_efficientnetv2_rw_t_timm_d34e593c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gc_efficientnetv2_rw_t.py +class: EfficientNet +hash: f4e18818 +model_name: gc_efficientnetv2_rw_t +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 53467.1562 +onnx_ops_counter: + Add: 92 + Constant: 203 + Conv: 194 + Div: 29 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 29 + Mul: 157 + Pow: 29 + ReduceMean: 58 + Reshape: 87 + Sigmoid: 128 + Softmax: 29 + Sqrt: 29 + Sub: 29 + Transpose: 58 + Unsqueeze: 58 +parameters: 13677713 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gc_efficientnetv2_rw_t_Opset17_timm/gc_efficientnetv2_rw_t_Opset17.onnx b/Computer_Vision/gc_efficientnetv2_rw_t_Opset17_timm/gc_efficientnetv2_rw_t_Opset17.onnx new file mode 100644 index 000000000..86e2e37b5 --- /dev/null +++ b/Computer_Vision/gc_efficientnetv2_rw_t_Opset17_timm/gc_efficientnetv2_rw_t_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5325dc7710fe2b50e6abaaa60f994dc2e93ebbdb14aff61593450e5827bc63f +size 54691598 diff --git a/Computer_Vision/gc_efficientnetv2_rw_t_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gc_efficientnetv2_rw_t_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..906ed9b57 --- /dev/null +++ b/Computer_Vision/gc_efficientnetv2_rw_t_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.091469764709473 + set_success: 0.018280029296875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gc_efficientnetv2_rw_t_timm_d34e593c/onnx/gc_efficientnetv2_rw_t_timm_d34e593c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gc_efficientnetv2_rw_t.py +class: EfficientNet +hash: f4e18818 +model_name: gc_efficientnetv2_rw_t +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 53409.7959 +onnx_ops_counter: + Add: 34 + Constant: 145 + Conv: 194 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 29 + MatMul: 29 + Mul: 128 + Reshape: 87 + Sigmoid: 128 + Softmax: 29 + Transpose: 58 + Unsqueeze: 58 +parameters: 13677713 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gc_efficientnetv2_rw_t_Opset18_timm/gc_efficientnetv2_rw_t_Opset18.onnx b/Computer_Vision/gc_efficientnetv2_rw_t_Opset18_timm/gc_efficientnetv2_rw_t_Opset18.onnx new file mode 100644 index 000000000..636d41f6b --- /dev/null +++ b/Computer_Vision/gc_efficientnetv2_rw_t_Opset18_timm/gc_efficientnetv2_rw_t_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4bfe2800d86c9f5c158e3730a282f21736b750b35d6224919bbd6f6d115142c4 +size 54691598 diff --git a/Computer_Vision/gc_efficientnetv2_rw_t_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gc_efficientnetv2_rw_t_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3192bb72a --- /dev/null +++ b/Computer_Vision/gc_efficientnetv2_rw_t_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.241490602493286 + set_success: 0.021706342697143555 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gc_efficientnetv2_rw_t_timm_d34e593c/onnx/gc_efficientnetv2_rw_t_timm_d34e593c-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gc_efficientnetv2_rw_t.py +class: EfficientNet +hash: f4e18818 +model_name: gc_efficientnetv2_rw_t +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 53409.7959 +onnx_ops_counter: + Add: 34 + Constant: 145 + Conv: 194 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 29 + MatMul: 29 + Mul: 128 + Reshape: 87 + Sigmoid: 128 + Softmax: 29 + Transpose: 58 + Unsqueeze: 58 +parameters: 13677713 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gcresnet33ts_Opset16_timm/gcresnet33ts_Opset16.onnx b/Computer_Vision/gcresnet33ts_Opset16_timm/gcresnet33ts_Opset16.onnx new file mode 100644 index 000000000..5d1e4cf7b --- /dev/null +++ b/Computer_Vision/gcresnet33ts_Opset16_timm/gcresnet33ts_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6823d818d2d708eeffe6e6c27e19bc55b717281a0e0280f112621669ed4e0c7 +size 79540951 diff --git a/Computer_Vision/gcresnet33ts_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gcresnet33ts_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d42c60335 --- /dev/null +++ b/Computer_Vision/gcresnet33ts_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.110145330429077 + set_success: 0.01684737205505371 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gcresnet33ts_timm_ef5c1619/onnx/gcresnet33ts_timm_ef5c1619-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gcresnet33ts.py +class: ByobNet +hash: 7f320e9d +model_name: gcresnet33ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 77676.7422 +onnx_ops_counter: + Add: 40 + Constant: 70 + Conv: 68 + Div: 10 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 10 + Mul: 44 + Pow: 10 + ReduceMean: 20 + Relu: 10 + Reshape: 30 + Sigmoid: 34 + Softmax: 10 + Sqrt: 10 + Sub: 10 + Transpose: 20 + Unsqueeze: 20 +parameters: 19880698 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gcresnet33ts_Opset17_timm/gcresnet33ts_Opset17.onnx b/Computer_Vision/gcresnet33ts_Opset17_timm/gcresnet33ts_Opset17.onnx new file mode 100644 index 000000000..8d3842f0c --- /dev/null +++ b/Computer_Vision/gcresnet33ts_Opset17_timm/gcresnet33ts_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9aadade143fb874ab363223800a614ca4c3d15b31fbb8ab9fda7a344e93f6b21 +size 79520607 diff --git a/Computer_Vision/gcresnet33ts_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gcresnet33ts_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bd0d8c1fc --- /dev/null +++ b/Computer_Vision/gcresnet33ts_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.123291254043579 + set_success: 0.017929553985595703 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gcresnet33ts_timm_ef5c1619/onnx/gcresnet33ts_timm_ef5c1619-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gcresnet33ts.py +class: ByobNet +hash: 7f320e9d +model_name: gcresnet33ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 77656.875 +onnx_ops_counter: + Add: 20 + Constant: 50 + Conv: 68 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 10 + MatMul: 10 + Mul: 34 + Relu: 10 + Reshape: 30 + Sigmoid: 34 + Softmax: 10 + Transpose: 20 + Unsqueeze: 20 +parameters: 19880698 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gcresnet33ts_Opset18_timm/gcresnet33ts_Opset18.onnx b/Computer_Vision/gcresnet33ts_Opset18_timm/gcresnet33ts_Opset18.onnx new file mode 100644 index 000000000..3027d1c2b --- /dev/null +++ b/Computer_Vision/gcresnet33ts_Opset18_timm/gcresnet33ts_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7e4918a88a0a63c812b1f395c5dda1b35907c68405dae841d264f4998f16a8af +size 79520607 diff --git a/Computer_Vision/gcresnet33ts_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gcresnet33ts_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1586caed7 --- /dev/null +++ b/Computer_Vision/gcresnet33ts_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0484297275543213 + set_success: 0.01622486114501953 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gcresnet33ts_timm_ef5c1619/onnx/gcresnet33ts_timm_ef5c1619-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gcresnet33ts.py +class: ByobNet +hash: 7f320e9d +model_name: gcresnet33ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 77656.875 +onnx_ops_counter: + Add: 20 + Constant: 50 + Conv: 68 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 10 + MatMul: 10 + Mul: 34 + Relu: 10 + Reshape: 30 + Sigmoid: 34 + Softmax: 10 + Transpose: 20 + Unsqueeze: 20 +parameters: 19880698 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gcresnet50t_Opset16_timm/gcresnet50t_Opset16.onnx b/Computer_Vision/gcresnet50t_Opset16_timm/gcresnet50t_Opset16.onnx new file mode 100644 index 000000000..d90f77ef6 --- /dev/null +++ b/Computer_Vision/gcresnet50t_Opset16_timm/gcresnet50t_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dea575f2ac06b4ed76c5994be6032dc2171c6745e7840bfab9ec2b8c39b564d9 +size 103623511 diff --git a/Computer_Vision/gcresnet50t_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gcresnet50t_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..fada5b91a --- /dev/null +++ b/Computer_Vision/gcresnet50t_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,211 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.646911144256592 + set_success: 0.017202377319335938 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gcresnet50t_timm_dbbbbf91/onnx/gcresnet50t_timm_dbbbbf91-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gcresnet50t.py +class: ByobNet +hash: b1431f52 +model_name: gcresnet50t +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 101194.8672 +onnx_ops_counter: + Add: 64 + Constant: 112 + Conv: 103 + Div: 16 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 16 + Mul: 16 + Pow: 16 + ReduceMean: 32 + Relu: 67 + Reshape: 48 + Softmax: 16 + Sqrt: 16 + Sub: 16 + Transpose: 32 + Unsqueeze: 32 +parameters: 25897080 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gcresnet50t_Opset17_timm/gcresnet50t_Opset17.onnx b/Computer_Vision/gcresnet50t_Opset17_timm/gcresnet50t_Opset17.onnx new file mode 100644 index 000000000..9bf367c94 --- /dev/null +++ b/Computer_Vision/gcresnet50t_Opset17_timm/gcresnet50t_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc25f52cdf90f75f81142d5c50bdaa3baf1e2cb1ec48e4854d3cdcd801fe0234 +size 103591175 diff --git a/Computer_Vision/gcresnet50t_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gcresnet50t_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b8d47c1ad --- /dev/null +++ b/Computer_Vision/gcresnet50t_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.4641623497009277 + set_success: 0.01705336570739746 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gcresnet50t_timm_dbbbbf91/onnx/gcresnet50t_timm_dbbbbf91-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gcresnet50t.py +class: ByobNet +hash: b1431f52 +model_name: gcresnet50t +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 101163.2891 +onnx_ops_counter: + Add: 32 + Constant: 80 + Conv: 103 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 16 + MatMul: 16 + Relu: 67 + Reshape: 48 + Softmax: 16 + Transpose: 32 + Unsqueeze: 32 +parameters: 25897080 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gcresnet50t_Opset18_timm/gcresnet50t_Opset18.onnx b/Computer_Vision/gcresnet50t_Opset18_timm/gcresnet50t_Opset18.onnx new file mode 100644 index 000000000..ab3de2461 --- /dev/null +++ b/Computer_Vision/gcresnet50t_Opset18_timm/gcresnet50t_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:889b03d8c49027b4be1e5381b5b7fff5db54d561e3cdfc3ebd9eeceb3cdaa63e +size 103591175 diff --git a/Computer_Vision/gcresnet50t_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gcresnet50t_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e5666cb95 --- /dev/null +++ b/Computer_Vision/gcresnet50t_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.2481300830841064 + set_success: 0.016049861907958984 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gcresnet50t_timm_dbbbbf91/onnx/gcresnet50t_timm_dbbbbf91-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gcresnet50t.py +class: ByobNet +hash: b1431f52 +model_name: gcresnet50t +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 101163.2891 +onnx_ops_counter: + Add: 32 + Constant: 80 + Conv: 103 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 16 + MatMul: 16 + Relu: 67 + Reshape: 48 + Softmax: 16 + Transpose: 32 + Unsqueeze: 32 +parameters: 25897080 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gcresnext26ts_Opset16_timm/gcresnext26ts_Opset16.onnx b/Computer_Vision/gcresnext26ts_Opset16_timm/gcresnext26ts_Opset16.onnx new file mode 100644 index 000000000..c5f08dbc4 --- /dev/null +++ b/Computer_Vision/gcresnext26ts_Opset16_timm/gcresnext26ts_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e30d910f2c181c5d89a77846f7f5587485fb1fb60187af17cef1d1b4755419c8 +size 41922779 diff --git a/Computer_Vision/gcresnext26ts_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gcresnext26ts_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7e76973ca --- /dev/null +++ b/Computer_Vision/gcresnext26ts_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.496108055114746 + set_success: 0.01943516731262207 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gcresnext26ts_timm_9f974927/onnx/gcresnext26ts_timm_9f974927-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gcresnext26ts.py +class: ByobNet +hash: 3e774d88 +model_name: gcresnext26ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 40940.2461 +onnx_ops_counter: + Add: 32 + Constant: 56 + Conv: 55 + Div: 8 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 8 + MaxPool: 1 + Mul: 35 + Pow: 8 + ReduceMean: 16 + Relu: 8 + Reshape: 24 + Sigmoid: 27 + Softmax: 8 + Sqrt: 8 + Sub: 8 + Transpose: 16 + Unsqueeze: 16 +parameters: 10476600 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gcresnext26ts_Opset17_timm/gcresnext26ts_Opset17.onnx b/Computer_Vision/gcresnext26ts_Opset17_timm/gcresnext26ts_Opset17.onnx new file mode 100644 index 000000000..86ec439ba --- /dev/null +++ b/Computer_Vision/gcresnext26ts_Opset17_timm/gcresnext26ts_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dde1105bff62e98c6ee5e0bd914f9b540fad73ce8757104c5cbe90fa1cf3f5c0 +size 41906611 diff --git a/Computer_Vision/gcresnext26ts_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gcresnext26ts_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d12bf33d2 --- /dev/null +++ b/Computer_Vision/gcresnext26ts_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.384885311126709 + set_success: 0.016110897064208984 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gcresnext26ts_timm_9f974927/onnx/gcresnext26ts_timm_9f974927-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gcresnext26ts.py +class: ByobNet +hash: 3e774d88 +model_name: gcresnext26ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 40924.457 +onnx_ops_counter: + Add: 16 + Constant: 40 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 8 + MatMul: 8 + MaxPool: 1 + Mul: 27 + Relu: 8 + Reshape: 24 + Sigmoid: 27 + Softmax: 8 + Transpose: 16 + Unsqueeze: 16 +parameters: 10476600 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gcresnext26ts_Opset18_timm/gcresnext26ts_Opset18.onnx b/Computer_Vision/gcresnext26ts_Opset18_timm/gcresnext26ts_Opset18.onnx new file mode 100644 index 000000000..221cad08f --- /dev/null +++ b/Computer_Vision/gcresnext26ts_Opset18_timm/gcresnext26ts_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bbdd2b2ae82a5ca0008ca79e0b52d245549b7ca6364887d109aaec80c6ebc328 +size 41906611 diff --git a/Computer_Vision/gcresnext26ts_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gcresnext26ts_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..04feb4813 --- /dev/null +++ b/Computer_Vision/gcresnext26ts_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3973991870880127 + set_success: 0.016763687133789062 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gcresnext26ts_timm_9f974927/onnx/gcresnext26ts_timm_9f974927-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gcresnext26ts.py +class: ByobNet +hash: 3e774d88 +model_name: gcresnext26ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 40924.457 +onnx_ops_counter: + Add: 16 + Constant: 40 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 8 + MatMul: 8 + MaxPool: 1 + Mul: 27 + Relu: 8 + Reshape: 24 + Sigmoid: 27 + Softmax: 8 + Transpose: 16 + Unsqueeze: 16 +parameters: 10476600 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gcresnext50ts_Opset16_timm/gcresnext50ts_Opset16.onnx b/Computer_Vision/gcresnext50ts_Opset16_timm/gcresnext50ts_Opset16.onnx new file mode 100644 index 000000000..4ea70f5fe --- /dev/null +++ b/Computer_Vision/gcresnext50ts_Opset16_timm/gcresnext50ts_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f54ca28112b93e931c57a7c251e18ffb1f99c246e3072dec9aac7a98977f99b4 +size 62715910 diff --git a/Computer_Vision/gcresnext50ts_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gcresnext50ts_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c31a9b8b4 --- /dev/null +++ b/Computer_Vision/gcresnext50ts_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.221230983734131 + set_success: 0.01697564125061035 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gcresnext50ts_timm_9d5fd662/onnx/gcresnext50ts_timm_9d5fd662-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gcresnext50ts.py +class: ByobNet +hash: d5a8fff6 +model_name: gcresnext50ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 61246.0381 +onnx_ops_counter: + Add: 64 + Constant: 112 + Conv: 103 + Div: 16 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 16 + MaxPool: 1 + Mul: 67 + Pow: 16 + ReduceMean: 32 + Relu: 16 + Reshape: 48 + Sigmoid: 51 + Softmax: 16 + Sqrt: 16 + Sub: 16 + Transpose: 32 + Unsqueeze: 32 +parameters: 15667320 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gcresnext50ts_Opset17_timm/gcresnext50ts_Opset17.onnx b/Computer_Vision/gcresnext50ts_Opset17_timm/gcresnext50ts_Opset17.onnx new file mode 100644 index 000000000..308d9dca8 --- /dev/null +++ b/Computer_Vision/gcresnext50ts_Opset17_timm/gcresnext50ts_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:863069f157afd2ffc4b8c9e9bccfcba3f4e7d619fe813de4afa19168a6cfd6fb +size 62683574 diff --git a/Computer_Vision/gcresnext50ts_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gcresnext50ts_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..220db5b06 --- /dev/null +++ b/Computer_Vision/gcresnext50ts_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.187527656555176 + set_success: 0.020478010177612305 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gcresnext50ts_timm_9d5fd662/onnx/gcresnext50ts_timm_9d5fd662-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gcresnext50ts.py +class: ByobNet +hash: d5a8fff6 +model_name: gcresnext50ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 61214.46 +onnx_ops_counter: + Add: 32 + Constant: 80 + Conv: 103 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 16 + MatMul: 16 + MaxPool: 1 + Mul: 51 + Relu: 16 + Reshape: 48 + Sigmoid: 51 + Softmax: 16 + Transpose: 32 + Unsqueeze: 32 +parameters: 15667320 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gcresnext50ts_Opset18_timm/gcresnext50ts_Opset18.onnx b/Computer_Vision/gcresnext50ts_Opset18_timm/gcresnext50ts_Opset18.onnx new file mode 100644 index 000000000..e35378697 --- /dev/null +++ b/Computer_Vision/gcresnext50ts_Opset18_timm/gcresnext50ts_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01f4ad0aec892d9e2380b7a1a9985a2ed80818a89355ebaf3a80387316679fa9 +size 62683574 diff --git a/Computer_Vision/gcresnext50ts_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gcresnext50ts_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6242cd05f --- /dev/null +++ b/Computer_Vision/gcresnext50ts_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.127995014190674 + set_success: 0.019960880279541016 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gcresnext50ts_timm_9d5fd662/onnx/gcresnext50ts_timm_9d5fd662-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gcresnext50ts.py +class: ByobNet +hash: d5a8fff6 +model_name: gcresnext50ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 61214.46 +onnx_ops_counter: + Add: 32 + Constant: 80 + Conv: 103 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 16 + MatMul: 16 + MaxPool: 1 + Mul: 51 + Relu: 16 + Reshape: 48 + Sigmoid: 51 + Softmax: 16 + Transpose: 32 + Unsqueeze: 32 +parameters: 15667320 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gernet_l_Opset16_timm/gernet_l_Opset16.onnx b/Computer_Vision/gernet_l_Opset16_timm/gernet_l_Opset16.onnx new file mode 100644 index 000000000..a369ab49b --- /dev/null +++ b/Computer_Vision/gernet_l_Opset16_timm/gernet_l_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4874ac244d4842ee5728b0b1a425f0933a341a8936649d6ddbbaf044447214b4 +size 124140788 diff --git a/Computer_Vision/gernet_l_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gernet_l_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bb9e6fcfa --- /dev/null +++ b/Computer_Vision/gernet_l_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0946664810180664 + set_success: 0.01570415496826172 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gernet_l_timm_d2f03843/onnx/gernet_l_timm_d2f03843-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gernet_l.py +class: ByobNet +hash: 00e250ed +model_name: gernet_l +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 121231.2705 +onnx_ops_counter: + Add: 18 + Conv: 57 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 53 +parameters: 31078280 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gernet_l_Opset17_timm/gernet_l_Opset17.onnx b/Computer_Vision/gernet_l_Opset17_timm/gernet_l_Opset17.onnx new file mode 100644 index 000000000..992d92ff6 --- /dev/null +++ b/Computer_Vision/gernet_l_Opset17_timm/gernet_l_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df1f7a4cc97ebce0e253f5af2342f88c578c769c91b68ba8a83d725442f17852 +size 124140788 diff --git a/Computer_Vision/gernet_l_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gernet_l_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2f29991d2 --- /dev/null +++ b/Computer_Vision/gernet_l_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.1946604251861572 + set_success: 0.015844345092773438 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gernet_l_timm_d2f03843/onnx/gernet_l_timm_d2f03843-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gernet_l.py +class: ByobNet +hash: 00e250ed +model_name: gernet_l +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 121231.2705 +onnx_ops_counter: + Add: 18 + Conv: 57 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 53 +parameters: 31078280 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gernet_l_Opset18_timm/gernet_l_Opset18.onnx b/Computer_Vision/gernet_l_Opset18_timm/gernet_l_Opset18.onnx new file mode 100644 index 000000000..2d8c9cd02 --- /dev/null +++ b/Computer_Vision/gernet_l_Opset18_timm/gernet_l_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e93aae69647eb0d8ca984b749f6912ea230fa63dd07953d8be7b1dc2e1cbdff +size 124140788 diff --git a/Computer_Vision/gernet_l_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gernet_l_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c564d99a3 --- /dev/null +++ b/Computer_Vision/gernet_l_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0524094104766846 + set_success: 0.019148588180541992 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gernet_l_timm_d2f03843/onnx/gernet_l_timm_d2f03843-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gernet_l.py +class: ByobNet +hash: 00e250ed +model_name: gernet_l +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 121231.2705 +onnx_ops_counter: + Add: 18 + Conv: 57 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 53 +parameters: 31078280 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gernet_m_Opset16_timm/gernet_m_Opset16.onnx b/Computer_Vision/gernet_m_Opset16_timm/gernet_m_Opset16.onnx new file mode 100644 index 000000000..a8356f9d6 --- /dev/null +++ b/Computer_Vision/gernet_m_Opset16_timm/gernet_m_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec86f48755e9a4cb4918e010e03af7fff7de56164b493a7ffec7e36f7304b0af +size 84463964 diff --git a/Computer_Vision/gernet_m_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gernet_m_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b5ff86f29 --- /dev/null +++ b/Computer_Vision/gernet_m_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.5736515522003174 + set_success: 0.01530146598815918 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gernet_m_timm_1c156a3e/onnx/gernet_m_timm_1c156a3e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gernet_m.py +class: ByobNet +hash: c42e81a2 +model_name: gernet_m +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 82484.3721 +onnx_ops_counter: + Add: 14 + Conv: 45 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 41 +parameters: 21142920 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gernet_m_Opset17_timm/gernet_m_Opset17.onnx b/Computer_Vision/gernet_m_Opset17_timm/gernet_m_Opset17.onnx new file mode 100644 index 000000000..dadf89c43 --- /dev/null +++ b/Computer_Vision/gernet_m_Opset17_timm/gernet_m_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc45c8cd633e6bd47bc45804301468e5f465925782c23f16545e424cf5eab007 +size 84463964 diff --git a/Computer_Vision/gernet_m_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gernet_m_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1e982e49c --- /dev/null +++ b/Computer_Vision/gernet_m_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.525364875793457 + set_success: 0.014947652816772461 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gernet_m_timm_1c156a3e/onnx/gernet_m_timm_1c156a3e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gernet_m.py +class: ByobNet +hash: c42e81a2 +model_name: gernet_m +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 82484.3721 +onnx_ops_counter: + Add: 14 + Conv: 45 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 41 +parameters: 21142920 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gernet_m_Opset18_timm/gernet_m_Opset18.onnx b/Computer_Vision/gernet_m_Opset18_timm/gernet_m_Opset18.onnx new file mode 100644 index 000000000..00a13fc90 --- /dev/null +++ b/Computer_Vision/gernet_m_Opset18_timm/gernet_m_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a2d109f10afb285c4ad9d7a9f74482fdb42cf4a2b55e10cce2b8a01acbf66668 +size 84463964 diff --git a/Computer_Vision/gernet_m_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gernet_m_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3cdc5f5c7 --- /dev/null +++ b/Computer_Vision/gernet_m_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.4887199401855469 + set_success: 0.014612197875976562 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gernet_m_timm_1c156a3e/onnx/gernet_m_timm_1c156a3e-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gernet_m.py +class: ByobNet +hash: c42e81a2 +model_name: gernet_m +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 82484.3721 +onnx_ops_counter: + Add: 14 + Conv: 45 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 41 +parameters: 21142920 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gernet_s_Opset16_timm/gernet_s_Opset16.onnx b/Computer_Vision/gernet_s_Opset16_timm/gernet_s_Opset16.onnx new file mode 100644 index 000000000..c7276a1aa --- /dev/null +++ b/Computer_Vision/gernet_s_Opset16_timm/gernet_s_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26e29c8c87f3c51cee57df82af0c0d1b2032d81a0e29020df10d4631fef14100 +size 32651449 diff --git a/Computer_Vision/gernet_s_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gernet_s_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0e23ec8fa --- /dev/null +++ b/Computer_Vision/gernet_s_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8735651969909668 + set_success: 0.015849590301513672 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gernet_s_timm_392948c5/onnx/gernet_s_timm_392948c5-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gernet_s.py +class: ByobNet +hash: adfdb7ee +model_name: gernet_s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 31886.2129 +onnx_ops_counter: + Add: 14 + Conv: 45 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 40 +parameters: 8173761 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gernet_s_Opset17_timm/gernet_s_Opset17.onnx b/Computer_Vision/gernet_s_Opset17_timm/gernet_s_Opset17.onnx new file mode 100644 index 000000000..2e62590c1 --- /dev/null +++ b/Computer_Vision/gernet_s_Opset17_timm/gernet_s_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ea5789a7ebde5fb8a8ab1a1ecfd61c58f54d4b3d79f5a22d068056906cd3bc3 +size 32651449 diff --git a/Computer_Vision/gernet_s_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gernet_s_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ca4583f13 --- /dev/null +++ b/Computer_Vision/gernet_s_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9274418354034424 + set_success: 0.015567541122436523 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gernet_s_timm_392948c5/onnx/gernet_s_timm_392948c5-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gernet_s.py +class: ByobNet +hash: adfdb7ee +model_name: gernet_s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 31886.2129 +onnx_ops_counter: + Add: 14 + Conv: 45 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 40 +parameters: 8173761 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gernet_s_Opset18_timm/gernet_s_Opset18.onnx b/Computer_Vision/gernet_s_Opset18_timm/gernet_s_Opset18.onnx new file mode 100644 index 000000000..69d44c7d0 --- /dev/null +++ b/Computer_Vision/gernet_s_Opset18_timm/gernet_s_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d066038fb75fafda97eadacbd6767591d88f38dbc7a3331c0a3f3b179ef0c833 +size 32651449 diff --git a/Computer_Vision/gernet_s_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gernet_s_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5b90f1c03 --- /dev/null +++ b/Computer_Vision/gernet_s_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9223506450653076 + set_success: 0.01682591438293457 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gernet_s_timm_392948c5/onnx/gernet_s_timm_392948c5-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gernet_s.py +class: ByobNet +hash: adfdb7ee +model_name: gernet_s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 31886.2129 +onnx_ops_counter: + Add: 14 + Conv: 45 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 40 +parameters: 8173761 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ghostnet_100_Opset16_timm/ghostnet_100_Opset16.onnx b/Computer_Vision/ghostnet_100_Opset16_timm/ghostnet_100_Opset16.onnx new file mode 100644 index 000000000..8ee078e56 --- /dev/null +++ b/Computer_Vision/ghostnet_100_Opset16_timm/ghostnet_100_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c09713766d8f4720deef914ac189390e6c8b74d894b843988f854f2ea33d8926 +size 20780424 diff --git a/Computer_Vision/ghostnet_100_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/ghostnet_100_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..167937bc3 --- /dev/null +++ b/Computer_Vision/ghostnet_100_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.160905122756958 + set_success: 0.01720285415649414 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ghostnet_100_timm_1b622250/onnx/ghostnet_100_timm_1b622250-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ghostnet_100.py +class: GhostNet +hash: e949381f +model_name: ghostnet_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 20293.415 +onnx_ops_counter: + Add: 16 + Concat: 32 + Constant: 128 + Conv: 95 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 7 + Mul: 7 + ReduceMean: 7 + Relu: 42 + Slice: 32 +parameters: 5182508 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ghostnet_100_Opset17_timm/ghostnet_100_Opset17.onnx b/Computer_Vision/ghostnet_100_Opset17_timm/ghostnet_100_Opset17.onnx new file mode 100644 index 000000000..2191aab01 --- /dev/null +++ b/Computer_Vision/ghostnet_100_Opset17_timm/ghostnet_100_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b1e81d5a8f948d4da5b7c169cac34f09b29fd80eaa2a841684fd300c3fd8e2d +size 20780424 diff --git a/Computer_Vision/ghostnet_100_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/ghostnet_100_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d6db01cc1 --- /dev/null +++ b/Computer_Vision/ghostnet_100_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.2310619354248047 + set_success: 0.019574880599975586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ghostnet_100_timm_1b622250/onnx/ghostnet_100_timm_1b622250-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ghostnet_100.py +class: GhostNet +hash: e949381f +model_name: ghostnet_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 20293.415 +onnx_ops_counter: + Add: 16 + Concat: 32 + Constant: 128 + Conv: 95 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 7 + Mul: 7 + ReduceMean: 7 + Relu: 42 + Slice: 32 +parameters: 5182508 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_inception_v3_Opset16_timm/gluon_inception_v3_Opset16.onnx b/Computer_Vision/gluon_inception_v3_Opset16_timm/gluon_inception_v3_Opset16.onnx new file mode 100644 index 000000000..86a4c51ca --- /dev/null +++ b/Computer_Vision/gluon_inception_v3_Opset16_timm/gluon_inception_v3_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:267fa4dd6c280c7834946c0e71373cdc85180ca2513995594c7ee4cd7b03f490 +size 95317116 diff --git a/Computer_Vision/gluon_inception_v3_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gluon_inception_v3_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..df837c5b8 --- /dev/null +++ b/Computer_Vision/gluon_inception_v3_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.395749092102051 + set_success: 0.01647353172302246 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_inception_v3_timm_6ead9f43/onnx/gluon_inception_v3_timm_6ead9f43-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_inception_v3.py +class: InceptionV3 +hash: 4599a3df +model_name: gluon_inception_v3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 93083.1533 +onnx_ops_counter: + AveragePool: 9 + Concat: 11 + Conv: 94 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Relu: 94 +parameters: 23834568 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_inception_v3_Opset17_timm/gluon_inception_v3_Opset17.onnx b/Computer_Vision/gluon_inception_v3_Opset17_timm/gluon_inception_v3_Opset17.onnx new file mode 100644 index 000000000..9fadfeef1 --- /dev/null +++ b/Computer_Vision/gluon_inception_v3_Opset17_timm/gluon_inception_v3_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c4c67e8d9283fa6670d99dc28ed6f8085d19a8e699a5687fe95798a2c9e94e72 +size 95317116 diff --git a/Computer_Vision/gluon_inception_v3_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gluon_inception_v3_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..485983323 --- /dev/null +++ b/Computer_Vision/gluon_inception_v3_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.337275505065918 + set_success: 0.017983436584472656 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_inception_v3_timm_6ead9f43/onnx/gluon_inception_v3_timm_6ead9f43-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_inception_v3.py +class: InceptionV3 +hash: 4599a3df +model_name: gluon_inception_v3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 93083.1533 +onnx_ops_counter: + AveragePool: 9 + Concat: 11 + Conv: 94 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Relu: 94 +parameters: 23834568 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_inception_v3_Opset18_timm/gluon_inception_v3_Opset18.onnx b/Computer_Vision/gluon_inception_v3_Opset18_timm/gluon_inception_v3_Opset18.onnx new file mode 100644 index 000000000..34d8bd397 --- /dev/null +++ b/Computer_Vision/gluon_inception_v3_Opset18_timm/gluon_inception_v3_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff7253de800fe90c9acf16c9cfb7afae2811d7d06fa3562f67698be52d51ec6f +size 95317116 diff --git a/Computer_Vision/gluon_inception_v3_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gluon_inception_v3_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8a63b03b2 --- /dev/null +++ b/Computer_Vision/gluon_inception_v3_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.4412591457366943 + set_success: 0.020474672317504883 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_inception_v3_timm_6ead9f43/onnx/gluon_inception_v3_timm_6ead9f43-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_inception_v3.py +class: InceptionV3 +hash: 4599a3df +model_name: gluon_inception_v3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 93083.1533 +onnx_ops_counter: + AveragePool: 9 + Concat: 11 + Conv: 94 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Relu: 94 +parameters: 23834568 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet101_v1b_Opset16_timm/gluon_resnet101_v1b_Opset16.onnx b/Computer_Vision/gluon_resnet101_v1b_Opset16_timm/gluon_resnet101_v1b_Opset16.onnx new file mode 100644 index 000000000..02e0f3757 --- /dev/null +++ b/Computer_Vision/gluon_resnet101_v1b_Opset16_timm/gluon_resnet101_v1b_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f2f260455807a95c36a2c54b5d2f00ab8544b90e328c6ceaf0f0bac4540dff1b +size 178034226 diff --git a/Computer_Vision/gluon_resnet101_v1b_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet101_v1b_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..88861d902 --- /dev/null +++ b/Computer_Vision/gluon_resnet101_v1b_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.649315118789673 + set_success: 0.016326189041137695 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet101_v1b_timm_05a06cd7/onnx/gluon_resnet101_v1b_timm_05a06cd7-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet101_v1b.py +class: ResNet +hash: '57509176' +model_name: gluon_resnet101_v1b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 173861.5811 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44549160 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet101_v1b_Opset17_timm/gluon_resnet101_v1b_Opset17.onnx b/Computer_Vision/gluon_resnet101_v1b_Opset17_timm/gluon_resnet101_v1b_Opset17.onnx new file mode 100644 index 000000000..0f54671cf --- /dev/null +++ b/Computer_Vision/gluon_resnet101_v1b_Opset17_timm/gluon_resnet101_v1b_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2dc48f61727b917e2aaba89b0591f0a2ee45d0408bedd57e4fb718243551086a +size 178034226 diff --git a/Computer_Vision/gluon_resnet101_v1b_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet101_v1b_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9b398478b --- /dev/null +++ b/Computer_Vision/gluon_resnet101_v1b_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.5591955184936523 + set_success: 0.016597986221313477 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet101_v1b_timm_05a06cd7/onnx/gluon_resnet101_v1b_timm_05a06cd7-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet101_v1b.py +class: ResNet +hash: '57509176' +model_name: gluon_resnet101_v1b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 173861.5811 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44549160 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet101_v1b_Opset18_timm/gluon_resnet101_v1b_Opset18.onnx b/Computer_Vision/gluon_resnet101_v1b_Opset18_timm/gluon_resnet101_v1b_Opset18.onnx new file mode 100644 index 000000000..8057c85c3 --- /dev/null +++ b/Computer_Vision/gluon_resnet101_v1b_Opset18_timm/gluon_resnet101_v1b_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6df76d9f23ae3ec61ac2e0953e4383e1f4bd4b47a987de0efc41980e88990a8b +size 178034226 diff --git a/Computer_Vision/gluon_resnet101_v1b_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet101_v1b_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6e20b0bb9 --- /dev/null +++ b/Computer_Vision/gluon_resnet101_v1b_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.521995782852173 + set_success: 0.017298460006713867 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet101_v1b_timm_05a06cd7/onnx/gluon_resnet101_v1b_timm_05a06cd7-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet101_v1b.py +class: ResNet +hash: '57509176' +model_name: gluon_resnet101_v1b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 173861.5811 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44549160 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet101_v1c_Opset16_timm/gluon_resnet101_v1c_Opset16.onnx b/Computer_Vision/gluon_resnet101_v1c_Opset16_timm/gluon_resnet101_v1c_Opset16.onnx new file mode 100644 index 000000000..9407d4d6c --- /dev/null +++ b/Computer_Vision/gluon_resnet101_v1c_Opset16_timm/gluon_resnet101_v1c_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85c48be940d7a46147fa9d179428b30815759aadac63122a9e18ff09c6882a10 +size 178111682 diff --git a/Computer_Vision/gluon_resnet101_v1c_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet101_v1c_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cd6460c21 --- /dev/null +++ b/Computer_Vision/gluon_resnet101_v1c_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.6601080894470215 + set_success: 0.019034624099731445 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet101_v1c_timm_db5cbffa/onnx/gluon_resnet101_v1c_timm_db5cbffa-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet101_v1c.py +class: ResNet +hash: a8e137e9 +model_name: gluon_resnet101_v1c +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 173937.2217 +onnx_ops_counter: + Add: 33 + Conv: 106 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 102 +parameters: 44568392 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet101_v1c_Opset17_timm/gluon_resnet101_v1c_Opset17.onnx b/Computer_Vision/gluon_resnet101_v1c_Opset17_timm/gluon_resnet101_v1c_Opset17.onnx new file mode 100644 index 000000000..197bef507 --- /dev/null +++ b/Computer_Vision/gluon_resnet101_v1c_Opset17_timm/gluon_resnet101_v1c_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c30e1ef2eabaf4e143aedaa60895c31faf7c5586f117415526c02abd45a53b1 +size 178111682 diff --git a/Computer_Vision/gluon_resnet101_v1c_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet101_v1c_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..aedbc11bf --- /dev/null +++ b/Computer_Vision/gluon_resnet101_v1c_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.663137674331665 + set_success: 0.017667531967163086 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet101_v1c_timm_db5cbffa/onnx/gluon_resnet101_v1c_timm_db5cbffa-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet101_v1c.py +class: ResNet +hash: a8e137e9 +model_name: gluon_resnet101_v1c +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 173937.2217 +onnx_ops_counter: + Add: 33 + Conv: 106 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 102 +parameters: 44568392 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet101_v1c_Opset18_timm/gluon_resnet101_v1c_Opset18.onnx b/Computer_Vision/gluon_resnet101_v1c_Opset18_timm/gluon_resnet101_v1c_Opset18.onnx new file mode 100644 index 000000000..14d1e2fd4 --- /dev/null +++ b/Computer_Vision/gluon_resnet101_v1c_Opset18_timm/gluon_resnet101_v1c_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ffc52348663e27277e98bcad48c7f73d613c1946cb4e1dd0ab8dc8b036e3497 +size 178111682 diff --git a/Computer_Vision/gluon_resnet101_v1c_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet101_v1c_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..afbc6b40e --- /dev/null +++ b/Computer_Vision/gluon_resnet101_v1c_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.6232411861419678 + set_success: 0.020482540130615234 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet101_v1c_timm_db5cbffa/onnx/gluon_resnet101_v1c_timm_db5cbffa-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet101_v1c.py +class: ResNet +hash: a8e137e9 +model_name: gluon_resnet101_v1c +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 173937.2217 +onnx_ops_counter: + Add: 33 + Conv: 106 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 102 +parameters: 44568392 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet101_v1d_Opset16_timm/gluon_resnet101_v1d_Opset16.onnx b/Computer_Vision/gluon_resnet101_v1d_Opset16_timm/gluon_resnet101_v1d_Opset16.onnx new file mode 100644 index 000000000..0e5c4bfde --- /dev/null +++ b/Computer_Vision/gluon_resnet101_v1d_Opset16_timm/gluon_resnet101_v1d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4cfead171b161d5ad99f8cb5a553712f415195a733f819fc429547626117a842 +size 178112586 diff --git a/Computer_Vision/gluon_resnet101_v1d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet101_v1d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3c385da50 --- /dev/null +++ b/Computer_Vision/gluon_resnet101_v1d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.6866159439086914 + set_success: 0.018397092819213867 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet101_v1d_timm_881930a4/onnx/gluon_resnet101_v1d_timm_881930a4-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet101_v1d.py +class: ResNet +hash: d4c68ae8 +model_name: gluon_resnet101_v1d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 173938.1045 +onnx_ops_counter: + Add: 33 + AveragePool: 3 + Conv: 106 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 102 +parameters: 44568392 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet101_v1d_Opset17_timm/gluon_resnet101_v1d_Opset17.onnx b/Computer_Vision/gluon_resnet101_v1d_Opset17_timm/gluon_resnet101_v1d_Opset17.onnx new file mode 100644 index 000000000..3a2bafb0a --- /dev/null +++ b/Computer_Vision/gluon_resnet101_v1d_Opset17_timm/gluon_resnet101_v1d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:256b21b943c0aa742c897c610f864298faba0fd102a5a7d99a03e7ebe10897be +size 178112586 diff --git a/Computer_Vision/gluon_resnet101_v1d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet101_v1d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d9e4470fb --- /dev/null +++ b/Computer_Vision/gluon_resnet101_v1d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.587226152420044 + set_success: 0.01723170280456543 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet101_v1d_timm_881930a4/onnx/gluon_resnet101_v1d_timm_881930a4-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet101_v1d.py +class: ResNet +hash: d4c68ae8 +model_name: gluon_resnet101_v1d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 173938.1045 +onnx_ops_counter: + Add: 33 + AveragePool: 3 + Conv: 106 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 102 +parameters: 44568392 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet101_v1d_Opset18_timm/gluon_resnet101_v1d_Opset18.onnx b/Computer_Vision/gluon_resnet101_v1d_Opset18_timm/gluon_resnet101_v1d_Opset18.onnx new file mode 100644 index 000000000..c264f4151 --- /dev/null +++ b/Computer_Vision/gluon_resnet101_v1d_Opset18_timm/gluon_resnet101_v1d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80ccc08c87425b712d4a4b1a83eb2d6b850b25417cfeb67ae03280eb329cf553 +size 178112586 diff --git a/Computer_Vision/gluon_resnet101_v1d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet101_v1d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..946fe7434 --- /dev/null +++ b/Computer_Vision/gluon_resnet101_v1d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.823592185974121 + set_success: 0.01967144012451172 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet101_v1d_timm_881930a4/onnx/gluon_resnet101_v1d_timm_881930a4-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet101_v1d.py +class: ResNet +hash: d4c68ae8 +model_name: gluon_resnet101_v1d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 173938.1045 +onnx_ops_counter: + Add: 33 + AveragePool: 3 + Conv: 106 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 102 +parameters: 44568392 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet101_v1s_Opset16_timm/gluon_resnet101_v1s_Opset16.onnx b/Computer_Vision/gluon_resnet101_v1s_Opset16_timm/gluon_resnet101_v1s_Opset16.onnx new file mode 100644 index 000000000..98952e191 --- /dev/null +++ b/Computer_Vision/gluon_resnet101_v1s_Opset16_timm/gluon_resnet101_v1s_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d2ad4b1a20de6f6fb5e76d248b27fd42653a5847302412f0643025ea13ad6480 +size 178529350 diff --git a/Computer_Vision/gluon_resnet101_v1s_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet101_v1s_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9aace881a --- /dev/null +++ b/Computer_Vision/gluon_resnet101_v1s_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.6527254581451416 + set_success: 0.017702102661132812 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet101_v1s_timm_c0e1d99a/onnx/gluon_resnet101_v1s_timm_c0e1d99a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet101_v1s.py +class: ResNet +hash: 049a994f +model_name: gluon_resnet101_v1s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 174345.1006 +onnx_ops_counter: + Add: 33 + Conv: 106 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 102 +parameters: 44672936 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet101_v1s_Opset17_timm/gluon_resnet101_v1s_Opset17.onnx b/Computer_Vision/gluon_resnet101_v1s_Opset17_timm/gluon_resnet101_v1s_Opset17.onnx new file mode 100644 index 000000000..7ec29294e --- /dev/null +++ b/Computer_Vision/gluon_resnet101_v1s_Opset17_timm/gluon_resnet101_v1s_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f03fec41772681813a52d70731f85c74c82ab3aad3b2da8088e0242ac8f52831 +size 178529350 diff --git a/Computer_Vision/gluon_resnet101_v1s_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet101_v1s_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..886084def --- /dev/null +++ b/Computer_Vision/gluon_resnet101_v1s_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.6244988441467285 + set_success: 0.01717853546142578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet101_v1s_timm_c0e1d99a/onnx/gluon_resnet101_v1s_timm_c0e1d99a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet101_v1s.py +class: ResNet +hash: 049a994f +model_name: gluon_resnet101_v1s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 174345.1006 +onnx_ops_counter: + Add: 33 + Conv: 106 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 102 +parameters: 44672936 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet101_v1s_Opset18_timm/gluon_resnet101_v1s_Opset18.onnx b/Computer_Vision/gluon_resnet101_v1s_Opset18_timm/gluon_resnet101_v1s_Opset18.onnx new file mode 100644 index 000000000..5a432db58 --- /dev/null +++ b/Computer_Vision/gluon_resnet101_v1s_Opset18_timm/gluon_resnet101_v1s_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:54a81369f8db401ed83ae082140aa8ed793e3325b7e2b2dc7b8c4b0882d84a6e +size 178529350 diff --git a/Computer_Vision/gluon_resnet101_v1s_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet101_v1s_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2ab1779df --- /dev/null +++ b/Computer_Vision/gluon_resnet101_v1s_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.6420860290527344 + set_success: 0.018467187881469727 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet101_v1s_timm_c0e1d99a/onnx/gluon_resnet101_v1s_timm_c0e1d99a-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet101_v1s.py +class: ResNet +hash: 049a994f +model_name: gluon_resnet101_v1s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 174345.1006 +onnx_ops_counter: + Add: 33 + Conv: 106 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 102 +parameters: 44672936 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet152_v1b_Opset16_timm/gluon_resnet152_v1b_Opset16.onnx b/Computer_Vision/gluon_resnet152_v1b_Opset16_timm/gluon_resnet152_v1b_Opset16.onnx new file mode 100644 index 000000000..470244276 --- /dev/null +++ b/Computer_Vision/gluon_resnet152_v1b_Opset16_timm/gluon_resnet152_v1b_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a46fbfb99cbad88b2c90a54722651ed8b2f446e85c02a42d0c9da08f3ea3187a +size 240540468 diff --git a/Computer_Vision/gluon_resnet152_v1b_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet152_v1b_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b43128c24 --- /dev/null +++ b/Computer_Vision/gluon_resnet152_v1b_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.697981357574463 + set_success: 0.018865346908569336 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet152_v1b_timm_a3a3c88a/onnx/gluon_resnet152_v1b_timm_a3a3c88a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet152_v1b.py +class: ResNet +hash: d48a3c83 +model_name: gluon_resnet152_v1b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 234902.833 +onnx_ops_counter: + Add: 50 + Conv: 155 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 151 +parameters: 60192808 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet152_v1b_Opset17_timm/gluon_resnet152_v1b_Opset17.onnx b/Computer_Vision/gluon_resnet152_v1b_Opset17_timm/gluon_resnet152_v1b_Opset17.onnx new file mode 100644 index 000000000..73d249aae --- /dev/null +++ b/Computer_Vision/gluon_resnet152_v1b_Opset17_timm/gluon_resnet152_v1b_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f847ba2b0bb9cfab5bb1109d1c033cc15c0e28b9422bb0922d222581347bbc48 +size 240540468 diff --git a/Computer_Vision/gluon_resnet152_v1b_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet152_v1b_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f40183b7b --- /dev/null +++ b/Computer_Vision/gluon_resnet152_v1b_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.765369892120361 + set_success: 0.02066969871520996 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet152_v1b_timm_a3a3c88a/onnx/gluon_resnet152_v1b_timm_a3a3c88a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet152_v1b.py +class: ResNet +hash: d48a3c83 +model_name: gluon_resnet152_v1b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 234902.833 +onnx_ops_counter: + Add: 50 + Conv: 155 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 151 +parameters: 60192808 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet152_v1b_Opset18_timm/gluon_resnet152_v1b_Opset18.onnx b/Computer_Vision/gluon_resnet152_v1b_Opset18_timm/gluon_resnet152_v1b_Opset18.onnx new file mode 100644 index 000000000..bf300d0eb --- /dev/null +++ b/Computer_Vision/gluon_resnet152_v1b_Opset18_timm/gluon_resnet152_v1b_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a85dd216e4ed63350e0f3df2c3117b25eb4af3a6c853788aff133783705bcf38 +size 240540468 diff --git a/Computer_Vision/gluon_resnet152_v1b_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet152_v1b_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2a3722337 --- /dev/null +++ b/Computer_Vision/gluon_resnet152_v1b_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.716414928436279 + set_success: 0.018611669540405273 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet152_v1b_timm_a3a3c88a/onnx/gluon_resnet152_v1b_timm_a3a3c88a-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet152_v1b.py +class: ResNet +hash: d48a3c83 +model_name: gluon_resnet152_v1b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 234902.833 +onnx_ops_counter: + Add: 50 + Conv: 155 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 151 +parameters: 60192808 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet152_v1c_Opset16_timm/gluon_resnet152_v1c_Opset16.onnx b/Computer_Vision/gluon_resnet152_v1c_Opset16_timm/gluon_resnet152_v1c_Opset16.onnx new file mode 100644 index 000000000..9e002f9b3 --- /dev/null +++ b/Computer_Vision/gluon_resnet152_v1c_Opset16_timm/gluon_resnet152_v1c_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:460bcb2ed4a6ef500105f3141d566cb735066b6c7048606f29da748cd3f815b0 +size 240617900 diff --git a/Computer_Vision/gluon_resnet152_v1c_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet152_v1c_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..64877c931 --- /dev/null +++ b/Computer_Vision/gluon_resnet152_v1c_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.7751686573028564 + set_success: 0.023943424224853516 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet152_v1c_timm_7aed68a3/onnx/gluon_resnet152_v1c_timm_7aed68a3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet152_v1c.py +class: ResNet +hash: 80526fd3 +model_name: gluon_resnet152_v1c +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 234978.4502 +onnx_ops_counter: + Add: 50 + Conv: 157 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 153 +parameters: 60212040 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet152_v1c_Opset17_timm/gluon_resnet152_v1c_Opset17.onnx b/Computer_Vision/gluon_resnet152_v1c_Opset17_timm/gluon_resnet152_v1c_Opset17.onnx new file mode 100644 index 000000000..41ce7b5cb --- /dev/null +++ b/Computer_Vision/gluon_resnet152_v1c_Opset17_timm/gluon_resnet152_v1c_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a6ce920f57a28ed4762c5062b625a6fb4485a61e20e8187c1a88f2158f9f2bb +size 240617900 diff --git a/Computer_Vision/gluon_resnet152_v1c_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet152_v1c_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..da41dacc1 --- /dev/null +++ b/Computer_Vision/gluon_resnet152_v1c_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.737932920455933 + set_success: 0.01918339729309082 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet152_v1c_timm_7aed68a3/onnx/gluon_resnet152_v1c_timm_7aed68a3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet152_v1c.py +class: ResNet +hash: 80526fd3 +model_name: gluon_resnet152_v1c +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 234978.4502 +onnx_ops_counter: + Add: 50 + Conv: 157 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 153 +parameters: 60212040 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet152_v1c_Opset18_timm/gluon_resnet152_v1c_Opset18.onnx b/Computer_Vision/gluon_resnet152_v1c_Opset18_timm/gluon_resnet152_v1c_Opset18.onnx new file mode 100644 index 000000000..f4cf1e720 --- /dev/null +++ b/Computer_Vision/gluon_resnet152_v1c_Opset18_timm/gluon_resnet152_v1c_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b34f28b4629f74c54183161a27acbb5748e35b9577dc96e91b98939a1c7aad49 +size 240617900 diff --git a/Computer_Vision/gluon_resnet152_v1c_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet152_v1c_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..dee281b6f --- /dev/null +++ b/Computer_Vision/gluon_resnet152_v1c_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.735431671142578 + set_success: 0.02186751365661621 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet152_v1c_timm_7aed68a3/onnx/gluon_resnet152_v1c_timm_7aed68a3-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet152_v1c.py +class: ResNet +hash: 80526fd3 +model_name: gluon_resnet152_v1c +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 234978.4502 +onnx_ops_counter: + Add: 50 + Conv: 157 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 153 +parameters: 60212040 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet152_v1d_Opset16_timm/gluon_resnet152_v1d_Opset16.onnx b/Computer_Vision/gluon_resnet152_v1d_Opset16_timm/gluon_resnet152_v1d_Opset16.onnx new file mode 100644 index 000000000..7679551fd --- /dev/null +++ b/Computer_Vision/gluon_resnet152_v1d_Opset16_timm/gluon_resnet152_v1d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7c74d43d1a4d4b828f12670705f534950734f1690efcf73563c3f055c573c43 +size 240618800 diff --git a/Computer_Vision/gluon_resnet152_v1d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet152_v1d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..20bf200c1 --- /dev/null +++ b/Computer_Vision/gluon_resnet152_v1d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.734488248825073 + set_success: 0.019081830978393555 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet152_v1d_timm_42c2c48a/onnx/gluon_resnet152_v1d_timm_42c2c48a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet152_v1d.py +class: ResNet +hash: b3fe2d35 +model_name: gluon_resnet152_v1d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 234979.3291 +onnx_ops_counter: + Add: 50 + AveragePool: 3 + Conv: 157 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 153 +parameters: 60212040 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet152_v1d_Opset17_timm/gluon_resnet152_v1d_Opset17.onnx b/Computer_Vision/gluon_resnet152_v1d_Opset17_timm/gluon_resnet152_v1d_Opset17.onnx new file mode 100644 index 000000000..956e5392f --- /dev/null +++ b/Computer_Vision/gluon_resnet152_v1d_Opset17_timm/gluon_resnet152_v1d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d02e85dbe6e8ca3ba4ec032328117e7295a518ddd130cd6ea96181b60c0beb8e +size 240618800 diff --git a/Computer_Vision/gluon_resnet152_v1d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet152_v1d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1424433ed --- /dev/null +++ b/Computer_Vision/gluon_resnet152_v1d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.728851795196533 + set_success: 0.02119755744934082 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet152_v1d_timm_42c2c48a/onnx/gluon_resnet152_v1d_timm_42c2c48a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet152_v1d.py +class: ResNet +hash: b3fe2d35 +model_name: gluon_resnet152_v1d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 234979.3291 +onnx_ops_counter: + Add: 50 + AveragePool: 3 + Conv: 157 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 153 +parameters: 60212040 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet152_v1d_Opset18_timm/gluon_resnet152_v1d_Opset18.onnx b/Computer_Vision/gluon_resnet152_v1d_Opset18_timm/gluon_resnet152_v1d_Opset18.onnx new file mode 100644 index 000000000..a023fa15f --- /dev/null +++ b/Computer_Vision/gluon_resnet152_v1d_Opset18_timm/gluon_resnet152_v1d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe82dc2529276e27bba1a67ab5ef8cc7a9de1c7f6b82f34467dd0f6fdf3d3d86 +size 240618800 diff --git a/Computer_Vision/gluon_resnet152_v1d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet152_v1d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..dc7328b49 --- /dev/null +++ b/Computer_Vision/gluon_resnet152_v1d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.84880805015564 + set_success: 0.023312091827392578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet152_v1d_timm_42c2c48a/onnx/gluon_resnet152_v1d_timm_42c2c48a-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet152_v1d.py +class: ResNet +hash: b3fe2d35 +model_name: gluon_resnet152_v1d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 234979.3291 +onnx_ops_counter: + Add: 50 + AveragePool: 3 + Conv: 157 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 153 +parameters: 60212040 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet152_v1s_Opset16_timm/gluon_resnet152_v1s_Opset16.onnx b/Computer_Vision/gluon_resnet152_v1s_Opset16_timm/gluon_resnet152_v1s_Opset16.onnx new file mode 100644 index 000000000..578652db1 --- /dev/null +++ b/Computer_Vision/gluon_resnet152_v1s_Opset16_timm/gluon_resnet152_v1s_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:95e67c1049c7712222cfe0edb469f36686993bb62307fa918d5b7de2f15333b0 +size 241035568 diff --git a/Computer_Vision/gluon_resnet152_v1s_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet152_v1s_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..26d4d3b96 --- /dev/null +++ b/Computer_Vision/gluon_resnet152_v1s_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.676900625228882 + set_success: 0.01986098289489746 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet152_v1s_timm_15fc1cda/onnx/gluon_resnet152_v1s_timm_15fc1cda-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet152_v1s.py +class: ResNet +hash: 87ee6b42 +model_name: gluon_resnet152_v1s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 235386.3291 +onnx_ops_counter: + Add: 50 + Conv: 157 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 153 +parameters: 60316584 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet152_v1s_Opset17_timm/gluon_resnet152_v1s_Opset17.onnx b/Computer_Vision/gluon_resnet152_v1s_Opset17_timm/gluon_resnet152_v1s_Opset17.onnx new file mode 100644 index 000000000..2e3bff9c2 --- /dev/null +++ b/Computer_Vision/gluon_resnet152_v1s_Opset17_timm/gluon_resnet152_v1s_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a8d24daa51a08e52870aa39369842cba5071d9622badcc53ebf10470421ad644 +size 241035568 diff --git a/Computer_Vision/gluon_resnet152_v1s_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet152_v1s_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5aef388b8 --- /dev/null +++ b/Computer_Vision/gluon_resnet152_v1s_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.746825933456421 + set_success: 0.025329113006591797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet152_v1s_timm_15fc1cda/onnx/gluon_resnet152_v1s_timm_15fc1cda-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet152_v1s.py +class: ResNet +hash: 87ee6b42 +model_name: gluon_resnet152_v1s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 235386.3291 +onnx_ops_counter: + Add: 50 + Conv: 157 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 153 +parameters: 60316584 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet152_v1s_Opset18_timm/gluon_resnet152_v1s_Opset18.onnx b/Computer_Vision/gluon_resnet152_v1s_Opset18_timm/gluon_resnet152_v1s_Opset18.onnx new file mode 100644 index 000000000..ced9eaf78 --- /dev/null +++ b/Computer_Vision/gluon_resnet152_v1s_Opset18_timm/gluon_resnet152_v1s_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77d22d69e66944d6a1a3c21c195247a4442945b3d34ae6981c197b52d474f019 +size 241035568 diff --git a/Computer_Vision/gluon_resnet152_v1s_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet152_v1s_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..072eade76 --- /dev/null +++ b/Computer_Vision/gluon_resnet152_v1s_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.784636974334717 + set_success: 0.02018117904663086 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet152_v1s_timm_15fc1cda/onnx/gluon_resnet152_v1s_timm_15fc1cda-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet152_v1s.py +class: ResNet +hash: 87ee6b42 +model_name: gluon_resnet152_v1s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 235386.3291 +onnx_ops_counter: + Add: 50 + Conv: 157 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 153 +parameters: 60316584 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet18_v1b_Opset16_timm/gluon_resnet18_v1b_Opset16.onnx b/Computer_Vision/gluon_resnet18_v1b_Opset16_timm/gluon_resnet18_v1b_Opset16.onnx new file mode 100644 index 000000000..9b41be7d1 --- /dev/null +++ b/Computer_Vision/gluon_resnet18_v1b_Opset16_timm/gluon_resnet18_v1b_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f01663856be3124c378b17c7c4a417a328e471459a94fcf2aca53210064d481 +size 46748544 diff --git a/Computer_Vision/gluon_resnet18_v1b_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet18_v1b_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..784b7831f --- /dev/null +++ b/Computer_Vision/gluon_resnet18_v1b_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.6890082359313965 + set_success: 0.014425039291381836 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet18_v1b_timm_81083861/onnx/gluon_resnet18_v1b_timm_81083861-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet18_v1b.py +class: ResNet +hash: 495787f5 +model_name: gluon_resnet18_v1b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 45652.9072 +onnx_ops_counter: + Add: 8 + Conv: 20 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 17 +parameters: 11689512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet18_v1b_Opset17_timm/gluon_resnet18_v1b_Opset17.onnx b/Computer_Vision/gluon_resnet18_v1b_Opset17_timm/gluon_resnet18_v1b_Opset17.onnx new file mode 100644 index 000000000..850a14dfb --- /dev/null +++ b/Computer_Vision/gluon_resnet18_v1b_Opset17_timm/gluon_resnet18_v1b_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:206e4018190b701bc749d24e7c74d8ffb98e500b666343c41c101eb456bbda98 +size 46748544 diff --git a/Computer_Vision/gluon_resnet18_v1b_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet18_v1b_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1adf18103 --- /dev/null +++ b/Computer_Vision/gluon_resnet18_v1b_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.7224538326263428 + set_success: 0.01626300811767578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet18_v1b_timm_81083861/onnx/gluon_resnet18_v1b_timm_81083861-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet18_v1b.py +class: ResNet +hash: 495787f5 +model_name: gluon_resnet18_v1b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 45652.9072 +onnx_ops_counter: + Add: 8 + Conv: 20 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 17 +parameters: 11689512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet18_v1b_Opset18_timm/gluon_resnet18_v1b_Opset18.onnx b/Computer_Vision/gluon_resnet18_v1b_Opset18_timm/gluon_resnet18_v1b_Opset18.onnx new file mode 100644 index 000000000..048d5bf90 --- /dev/null +++ b/Computer_Vision/gluon_resnet18_v1b_Opset18_timm/gluon_resnet18_v1b_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:703755c3a1336cda4e606f8e833a87a375c7b1dfd4801bbfa6a980a8a5e525e1 +size 46748544 diff --git a/Computer_Vision/gluon_resnet18_v1b_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet18_v1b_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6eb8b20ce --- /dev/null +++ b/Computer_Vision/gluon_resnet18_v1b_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9285342693328857 + set_success: 0.021268606185913086 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet18_v1b_timm_81083861/onnx/gluon_resnet18_v1b_timm_81083861-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet18_v1b.py +class: ResNet +hash: 495787f5 +model_name: gluon_resnet18_v1b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 45652.9072 +onnx_ops_counter: + Add: 8 + Conv: 20 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 17 +parameters: 11689512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet34_v1b_Opset16_timm/gluon_resnet34_v1b_Opset16.onnx b/Computer_Vision/gluon_resnet34_v1b_Opset16_timm/gluon_resnet34_v1b_Opset16.onnx new file mode 100644 index 000000000..291390cfd --- /dev/null +++ b/Computer_Vision/gluon_resnet34_v1b_Opset16_timm/gluon_resnet34_v1b_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d720d8efbefb8b317aa112c6f72340d3b878a3adf479aa4771ee1c4a3a4c2199 +size 87173990 diff --git a/Computer_Vision/gluon_resnet34_v1b_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet34_v1b_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..82ba7feaf --- /dev/null +++ b/Computer_Vision/gluon_resnet34_v1b_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.330007791519165 + set_success: 0.015641450881958008 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet34_v1b_timm_42700a95/onnx/gluon_resnet34_v1b_timm_42700a95-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet34_v1b.py +class: ResNet +hash: 3765d65b +model_name: gluon_resnet34_v1b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 85130.8818 +onnx_ops_counter: + Add: 16 + Conv: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 33 +parameters: 21797672 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet34_v1b_Opset17_timm/gluon_resnet34_v1b_Opset17.onnx b/Computer_Vision/gluon_resnet34_v1b_Opset17_timm/gluon_resnet34_v1b_Opset17.onnx new file mode 100644 index 000000000..512d29e59 --- /dev/null +++ b/Computer_Vision/gluon_resnet34_v1b_Opset17_timm/gluon_resnet34_v1b_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae42e488c4ab93e584b375d4e7fd806819f85f0bd0c0206b6632a05124801f13 +size 87173990 diff --git a/Computer_Vision/gluon_resnet34_v1b_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet34_v1b_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..632e4083c --- /dev/null +++ b/Computer_Vision/gluon_resnet34_v1b_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3175969123840332 + set_success: 0.015137195587158203 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet34_v1b_timm_42700a95/onnx/gluon_resnet34_v1b_timm_42700a95-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet34_v1b.py +class: ResNet +hash: 3765d65b +model_name: gluon_resnet34_v1b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 85130.8818 +onnx_ops_counter: + Add: 16 + Conv: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 33 +parameters: 21797672 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet34_v1b_Opset18_timm/gluon_resnet34_v1b_Opset18.onnx b/Computer_Vision/gluon_resnet34_v1b_Opset18_timm/gluon_resnet34_v1b_Opset18.onnx new file mode 100644 index 000000000..4681b4ac7 --- /dev/null +++ b/Computer_Vision/gluon_resnet34_v1b_Opset18_timm/gluon_resnet34_v1b_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b235cab735077212595ec95339633ffcaa2dd0af37ca81abcf16dd0eb4594545 +size 87173990 diff --git a/Computer_Vision/gluon_resnet34_v1b_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet34_v1b_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c785c177a --- /dev/null +++ b/Computer_Vision/gluon_resnet34_v1b_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3258962631225586 + set_success: 0.01656627655029297 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet34_v1b_timm_42700a95/onnx/gluon_resnet34_v1b_timm_42700a95-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet34_v1b.py +class: ResNet +hash: 3765d65b +model_name: gluon_resnet34_v1b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 85130.8818 +onnx_ops_counter: + Add: 16 + Conv: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 33 +parameters: 21797672 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet50_v1b_Opset16_timm/gluon_resnet50_v1b_Opset16.onnx b/Computer_Vision/gluon_resnet50_v1b_Opset16_timm/gluon_resnet50_v1b_Opset16.onnx new file mode 100644 index 000000000..c84950b89 --- /dev/null +++ b/Computer_Vision/gluon_resnet50_v1b_Opset16_timm/gluon_resnet50_v1b_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:deb4137c20e0a2bb54b8cb91e86ca4ba5602435e0a263bb45880c371636bb078 +size 102146206 diff --git a/Computer_Vision/gluon_resnet50_v1b_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet50_v1b_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..88b71a54c --- /dev/null +++ b/Computer_Vision/gluon_resnet50_v1b_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.752032995223999 + set_success: 0.01741313934326172 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet50_v1b_timm_694a8fff/onnx/gluon_resnet50_v1b_timm_694a8fff-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet50_v1b.py +class: ResNet +hash: 25cce11f +model_name: gluon_resnet50_v1b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 99752.1865 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet50_v1b_Opset17_timm/gluon_resnet50_v1b_Opset17.onnx b/Computer_Vision/gluon_resnet50_v1b_Opset17_timm/gluon_resnet50_v1b_Opset17.onnx new file mode 100644 index 000000000..41a63f21b --- /dev/null +++ b/Computer_Vision/gluon_resnet50_v1b_Opset17_timm/gluon_resnet50_v1b_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d66330aecafbba7b4cbaac8adb781229efaf34c49b22246b5254fa79edc533f5 +size 102146206 diff --git a/Computer_Vision/gluon_resnet50_v1b_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet50_v1b_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ccc487a48 --- /dev/null +++ b/Computer_Vision/gluon_resnet50_v1b_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7404680252075195 + set_success: 0.017088651657104492 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet50_v1b_timm_694a8fff/onnx/gluon_resnet50_v1b_timm_694a8fff-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet50_v1b.py +class: ResNet +hash: 25cce11f +model_name: gluon_resnet50_v1b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 99752.1865 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet50_v1b_Opset18_timm/gluon_resnet50_v1b_Opset18.onnx b/Computer_Vision/gluon_resnet50_v1b_Opset18_timm/gluon_resnet50_v1b_Opset18.onnx new file mode 100644 index 000000000..8a7c6f88f --- /dev/null +++ b/Computer_Vision/gluon_resnet50_v1b_Opset18_timm/gluon_resnet50_v1b_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a65a7d15f9383d86a9acd82054e7a1fce615615b0d33b95ccef28141f3dcf05 +size 102146206 diff --git a/Computer_Vision/gluon_resnet50_v1b_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet50_v1b_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..054c22b77 --- /dev/null +++ b/Computer_Vision/gluon_resnet50_v1b_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.710693359375 + set_success: 0.017714977264404297 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet50_v1b_timm_694a8fff/onnx/gluon_resnet50_v1b_timm_694a8fff-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet50_v1b.py +class: ResNet +hash: 25cce11f +model_name: gluon_resnet50_v1b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 99752.1865 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet50_v1c_Opset16_timm/gluon_resnet50_v1c_Opset16.onnx b/Computer_Vision/gluon_resnet50_v1c_Opset16_timm/gluon_resnet50_v1c_Opset16.onnx new file mode 100644 index 000000000..bdd4981bc --- /dev/null +++ b/Computer_Vision/gluon_resnet50_v1c_Opset16_timm/gluon_resnet50_v1c_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5056f462ffaab5ba1c32f49410b231d665fb44840be7cfc731d97596ee5d0433 +size 102223630 diff --git a/Computer_Vision/gluon_resnet50_v1c_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet50_v1c_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f1980ee39 --- /dev/null +++ b/Computer_Vision/gluon_resnet50_v1c_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8099637031555176 + set_success: 0.017046689987182617 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet50_v1c_timm_735543e1/onnx/gluon_resnet50_v1c_timm_735543e1-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet50_v1c.py +class: ResNet +hash: fa117c08 +model_name: gluon_resnet50_v1c +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 99827.7959 +onnx_ops_counter: + Add: 16 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 51 +parameters: 25576264 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet50_v1c_Opset17_timm/gluon_resnet50_v1c_Opset17.onnx b/Computer_Vision/gluon_resnet50_v1c_Opset17_timm/gluon_resnet50_v1c_Opset17.onnx new file mode 100644 index 000000000..7f01a03cb --- /dev/null +++ b/Computer_Vision/gluon_resnet50_v1c_Opset17_timm/gluon_resnet50_v1c_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad89e4baf469393d9da66a82aa31c1051a56169aba5246f740c0b35f6c918fd7 +size 102223630 diff --git a/Computer_Vision/gluon_resnet50_v1c_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet50_v1c_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ba84cf08c --- /dev/null +++ b/Computer_Vision/gluon_resnet50_v1c_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8050024509429932 + set_success: 0.019375324249267578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet50_v1c_timm_735543e1/onnx/gluon_resnet50_v1c_timm_735543e1-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet50_v1c.py +class: ResNet +hash: fa117c08 +model_name: gluon_resnet50_v1c +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 99827.7959 +onnx_ops_counter: + Add: 16 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 51 +parameters: 25576264 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet50_v1c_Opset18_timm/gluon_resnet50_v1c_Opset18.onnx b/Computer_Vision/gluon_resnet50_v1c_Opset18_timm/gluon_resnet50_v1c_Opset18.onnx new file mode 100644 index 000000000..07c2c3e4a --- /dev/null +++ b/Computer_Vision/gluon_resnet50_v1c_Opset18_timm/gluon_resnet50_v1c_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c1daccb58f811e5632c1d6cffcc232489ac30723719e8cf55bbb13e08f50fd2 +size 102223630 diff --git a/Computer_Vision/gluon_resnet50_v1c_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet50_v1c_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d2a77d0a8 --- /dev/null +++ b/Computer_Vision/gluon_resnet50_v1c_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7772812843322754 + set_success: 0.017256975173950195 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet50_v1c_timm_735543e1/onnx/gluon_resnet50_v1c_timm_735543e1-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet50_v1c.py +class: ResNet +hash: fa117c08 +model_name: gluon_resnet50_v1c +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 99827.7959 +onnx_ops_counter: + Add: 16 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 51 +parameters: 25576264 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet50_v1d_Opset16_timm/gluon_resnet50_v1d_Opset16.onnx b/Computer_Vision/gluon_resnet50_v1d_Opset16_timm/gluon_resnet50_v1d_Opset16.onnx new file mode 100644 index 000000000..5043f558e --- /dev/null +++ b/Computer_Vision/gluon_resnet50_v1d_Opset16_timm/gluon_resnet50_v1d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8902959e237e4f8a9b8bd8504143a074163729dce83cfdccc8c1c8cf74ae3ed5 +size 102224530 diff --git a/Computer_Vision/gluon_resnet50_v1d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet50_v1d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3b005c5f3 --- /dev/null +++ b/Computer_Vision/gluon_resnet50_v1d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7279000282287598 + set_success: 0.01614093780517578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet50_v1d_timm_3684ad7d/onnx/gluon_resnet50_v1d_timm_3684ad7d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet50_v1d.py +class: ResNet +hash: 8e82e34f +model_name: gluon_resnet50_v1d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 99828.6748 +onnx_ops_counter: + Add: 16 + AveragePool: 3 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 51 +parameters: 25576264 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet50_v1d_Opset17_timm/gluon_resnet50_v1d_Opset17.onnx b/Computer_Vision/gluon_resnet50_v1d_Opset17_timm/gluon_resnet50_v1d_Opset17.onnx new file mode 100644 index 000000000..6aaf172da --- /dev/null +++ b/Computer_Vision/gluon_resnet50_v1d_Opset17_timm/gluon_resnet50_v1d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:529d25a074b3d934f61c20034bab3639f7075938a18aeee16568c6e1aec33f17 +size 102224530 diff --git a/Computer_Vision/gluon_resnet50_v1d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet50_v1d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a4243dc15 --- /dev/null +++ b/Computer_Vision/gluon_resnet50_v1d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8107478618621826 + set_success: 0.017014503479003906 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet50_v1d_timm_3684ad7d/onnx/gluon_resnet50_v1d_timm_3684ad7d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet50_v1d.py +class: ResNet +hash: 8e82e34f +model_name: gluon_resnet50_v1d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 99828.6748 +onnx_ops_counter: + Add: 16 + AveragePool: 3 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 51 +parameters: 25576264 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet50_v1d_Opset18_timm/gluon_resnet50_v1d_Opset18.onnx b/Computer_Vision/gluon_resnet50_v1d_Opset18_timm/gluon_resnet50_v1d_Opset18.onnx new file mode 100644 index 000000000..edf38ab5d --- /dev/null +++ b/Computer_Vision/gluon_resnet50_v1d_Opset18_timm/gluon_resnet50_v1d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09c56b2943d09bb81aa3be2eb769805eb6f96c96cb83a335732ceb53fbc3abf5 +size 102224530 diff --git a/Computer_Vision/gluon_resnet50_v1d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet50_v1d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b4f99bae4 --- /dev/null +++ b/Computer_Vision/gluon_resnet50_v1d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7401723861694336 + set_success: 0.019263029098510742 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet50_v1d_timm_3684ad7d/onnx/gluon_resnet50_v1d_timm_3684ad7d-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet50_v1d.py +class: ResNet +hash: 8e82e34f +model_name: gluon_resnet50_v1d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 99828.6748 +onnx_ops_counter: + Add: 16 + AveragePool: 3 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 51 +parameters: 25576264 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet50_v1s_Opset16_timm/gluon_resnet50_v1s_Opset16.onnx b/Computer_Vision/gluon_resnet50_v1s_Opset16_timm/gluon_resnet50_v1s_Opset16.onnx new file mode 100644 index 000000000..3380dee24 --- /dev/null +++ b/Computer_Vision/gluon_resnet50_v1s_Opset16_timm/gluon_resnet50_v1s_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e859d8cf29ed8202d40cb76dda318e4f2558a39a527ecb370df6cb0108794bf +size 102641298 diff --git a/Computer_Vision/gluon_resnet50_v1s_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet50_v1s_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5d266dcb3 --- /dev/null +++ b/Computer_Vision/gluon_resnet50_v1s_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7861359119415283 + set_success: 0.01716756820678711 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet50_v1s_timm_dea8b34e/onnx/gluon_resnet50_v1s_timm_dea8b34e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet50_v1s.py +class: ResNet +hash: da3ba6b7 +model_name: gluon_resnet50_v1s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 100235.6748 +onnx_ops_counter: + Add: 16 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 51 +parameters: 25680808 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet50_v1s_Opset17_timm/gluon_resnet50_v1s_Opset17.onnx b/Computer_Vision/gluon_resnet50_v1s_Opset17_timm/gluon_resnet50_v1s_Opset17.onnx new file mode 100644 index 000000000..307b06cce --- /dev/null +++ b/Computer_Vision/gluon_resnet50_v1s_Opset17_timm/gluon_resnet50_v1s_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fbfd4463906bedbbe6d4547ccb0bc5d61c8a9e1b32c408378db6b1febb5d6356 +size 102641298 diff --git a/Computer_Vision/gluon_resnet50_v1s_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet50_v1s_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4aab860fe --- /dev/null +++ b/Computer_Vision/gluon_resnet50_v1s_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8950631618499756 + set_success: 0.019170284271240234 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet50_v1s_timm_dea8b34e/onnx/gluon_resnet50_v1s_timm_dea8b34e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet50_v1s.py +class: ResNet +hash: da3ba6b7 +model_name: gluon_resnet50_v1s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 100235.6748 +onnx_ops_counter: + Add: 16 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 51 +parameters: 25680808 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnet50_v1s_Opset18_timm/gluon_resnet50_v1s_Opset18.onnx b/Computer_Vision/gluon_resnet50_v1s_Opset18_timm/gluon_resnet50_v1s_Opset18.onnx new file mode 100644 index 000000000..bc99a9c09 --- /dev/null +++ b/Computer_Vision/gluon_resnet50_v1s_Opset18_timm/gluon_resnet50_v1s_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35bce49456aa5f080eacfa27860a7708010b3d8f943a85375c27a451cb76a64c +size 102641298 diff --git a/Computer_Vision/gluon_resnet50_v1s_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnet50_v1s_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..233fce922 --- /dev/null +++ b/Computer_Vision/gluon_resnet50_v1s_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7884867191314697 + set_success: 0.019620418548583984 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnet50_v1s_timm_dea8b34e/onnx/gluon_resnet50_v1s_timm_dea8b34e-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnet50_v1s.py +class: ResNet +hash: da3ba6b7 +model_name: gluon_resnet50_v1s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 100235.6748 +onnx_ops_counter: + Add: 16 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 51 +parameters: 25680808 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnext101_32x4d_Opset16_timm/gluon_resnext101_32x4d_Opset16.onnx b/Computer_Vision/gluon_resnext101_32x4d_Opset16_timm/gluon_resnext101_32x4d_Opset16.onnx new file mode 100644 index 000000000..588fca0e9 --- /dev/null +++ b/Computer_Vision/gluon_resnext101_32x4d_Opset16_timm/gluon_resnext101_32x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b3f422970dfe1ea56533a3bc3fe0a3056147a38eb7aea413d56231d60ba7ae0 +size 176483401 diff --git a/Computer_Vision/gluon_resnext101_32x4d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnext101_32x4d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..079fc6640 --- /dev/null +++ b/Computer_Vision/gluon_resnext101_32x4d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.7038626670837402 + set_success: 0.01888108253479004 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnext101_32x4d_timm_05071e7e/onnx/gluon_resnext101_32x4d_timm_05071e7e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnext101_32x4d.py +class: ResNet +hash: 984aa3a2 +model_name: gluon_resnext101_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 172347.1035 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44177704 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnext101_32x4d_Opset17_timm/gluon_resnext101_32x4d_Opset17.onnx b/Computer_Vision/gluon_resnext101_32x4d_Opset17_timm/gluon_resnext101_32x4d_Opset17.onnx new file mode 100644 index 000000000..e5aa5fb53 --- /dev/null +++ b/Computer_Vision/gluon_resnext101_32x4d_Opset17_timm/gluon_resnext101_32x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d88863ce147825539776aa749707275fb9b5b4524858559efe4d74220668155f +size 176483401 diff --git a/Computer_Vision/gluon_resnext101_32x4d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnext101_32x4d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7227ae095 --- /dev/null +++ b/Computer_Vision/gluon_resnext101_32x4d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.7610771656036377 + set_success: 0.01807117462158203 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnext101_32x4d_timm_05071e7e/onnx/gluon_resnext101_32x4d_timm_05071e7e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnext101_32x4d.py +class: ResNet +hash: 984aa3a2 +model_name: gluon_resnext101_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 172347.1035 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44177704 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnext101_32x4d_Opset18_timm/gluon_resnext101_32x4d_Opset18.onnx b/Computer_Vision/gluon_resnext101_32x4d_Opset18_timm/gluon_resnext101_32x4d_Opset18.onnx new file mode 100644 index 000000000..261b87040 --- /dev/null +++ b/Computer_Vision/gluon_resnext101_32x4d_Opset18_timm/gluon_resnext101_32x4d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:552dec2fda01fb93a3e0d874d71e0b5e674f4a193aeb0cf50adfb43ae4d62551 +size 176483401 diff --git a/Computer_Vision/gluon_resnext101_32x4d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnext101_32x4d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d69beea8a --- /dev/null +++ b/Computer_Vision/gluon_resnext101_32x4d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.7537662982940674 + set_success: 0.02251887321472168 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnext101_32x4d_timm_05071e7e/onnx/gluon_resnext101_32x4d_timm_05071e7e-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnext101_32x4d.py +class: ResNet +hash: 984aa3a2 +model_name: gluon_resnext101_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 172347.1035 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44177704 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnext101_64x4d_Opset16_timm/gluon_resnext101_64x4d_Opset16.onnx b/Computer_Vision/gluon_resnext101_64x4d_Opset16_timm/gluon_resnext101_64x4d_Opset16.onnx new file mode 100644 index 000000000..5bfeffb50 --- /dev/null +++ b/Computer_Vision/gluon_resnext101_64x4d_Opset16_timm/gluon_resnext101_64x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec580bd038bd3a8ba1f77608f0dd2622fdd49ff401806a1ef167eb335fa74a64 +size 333463634 diff --git a/Computer_Vision/gluon_resnext101_64x4d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnext101_64x4d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..97275651a --- /dev/null +++ b/Computer_Vision/gluon_resnext101_64x4d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.156244277954102 + set_success: 0.018003225326538086 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnext101_64x4d_timm_4f0247e7/onnx/gluon_resnext101_64x4d_timm_4f0247e7-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnext101_64x4d.py +class: ResNet +hash: 14edb4a4 +model_name: gluon_resnext101_64x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 325648.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 83455272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnext101_64x4d_Opset17_timm/gluon_resnext101_64x4d_Opset17.onnx b/Computer_Vision/gluon_resnext101_64x4d_Opset17_timm/gluon_resnext101_64x4d_Opset17.onnx new file mode 100644 index 000000000..5d0bdc528 --- /dev/null +++ b/Computer_Vision/gluon_resnext101_64x4d_Opset17_timm/gluon_resnext101_64x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6819518b5167e068f7badd14b25f6c23261f6bac0968aaff893c351bda7a3450 +size 333463634 diff --git a/Computer_Vision/gluon_resnext101_64x4d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnext101_64x4d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e190a9df7 --- /dev/null +++ b/Computer_Vision/gluon_resnext101_64x4d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.395759105682373 + set_success: 0.022729873657226562 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnext101_64x4d_timm_4f0247e7/onnx/gluon_resnext101_64x4d_timm_4f0247e7-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnext101_64x4d.py +class: ResNet +hash: 14edb4a4 +model_name: gluon_resnext101_64x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 325648.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 83455272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnext101_64x4d_Opset18_timm/gluon_resnext101_64x4d_Opset18.onnx b/Computer_Vision/gluon_resnext101_64x4d_Opset18_timm/gluon_resnext101_64x4d_Opset18.onnx new file mode 100644 index 000000000..bd13e3a17 --- /dev/null +++ b/Computer_Vision/gluon_resnext101_64x4d_Opset18_timm/gluon_resnext101_64x4d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:513aa8449c4e5cae7ab4e8268bf13a953284036e63b4f75ed77d19ad3aa8123d +size 333463634 diff --git a/Computer_Vision/gluon_resnext101_64x4d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnext101_64x4d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d9468de46 --- /dev/null +++ b/Computer_Vision/gluon_resnext101_64x4d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.374102354049683 + set_success: 0.022760391235351562 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnext101_64x4d_timm_4f0247e7/onnx/gluon_resnext101_64x4d_timm_4f0247e7-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnext101_64x4d.py +class: ResNet +hash: 14edb4a4 +model_name: gluon_resnext101_64x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 325648.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 83455272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnext50_32x4d_Opset16_timm/gluon_resnext50_32x4d_Opset16.onnx b/Computer_Vision/gluon_resnext50_32x4d_Opset16_timm/gluon_resnext50_32x4d_Opset16.onnx new file mode 100644 index 000000000..234af50a3 --- /dev/null +++ b/Computer_Vision/gluon_resnext50_32x4d_Opset16_timm/gluon_resnext50_32x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bb458362a48d7da04aff5323eeb418c70bb8dc1193c94080c9aff42e9e061def +size 100003492 diff --git a/Computer_Vision/gluon_resnext50_32x4d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnext50_32x4d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4506e4c32 --- /dev/null +++ b/Computer_Vision/gluon_resnext50_32x4d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.2210896015167236 + set_success: 0.02019500732421875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnext50_32x4d_timm_41f9ac03/onnx/gluon_resnext50_32x4d_timm_41f9ac03-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnext50_32x4d.py +class: ResNet +hash: baf7f18f +model_name: gluon_resnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 97659.6924 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25028904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnext50_32x4d_Opset17_timm/gluon_resnext50_32x4d_Opset17.onnx b/Computer_Vision/gluon_resnext50_32x4d_Opset17_timm/gluon_resnext50_32x4d_Opset17.onnx new file mode 100644 index 000000000..50abc71d5 --- /dev/null +++ b/Computer_Vision/gluon_resnext50_32x4d_Opset17_timm/gluon_resnext50_32x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31d997c516e00821900e2947acf654c526fc8c6e6fbfd9ce23c4c0e58384c14f +size 100003492 diff --git a/Computer_Vision/gluon_resnext50_32x4d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnext50_32x4d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..26d9ec628 --- /dev/null +++ b/Computer_Vision/gluon_resnext50_32x4d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.1832542419433594 + set_success: 0.022189617156982422 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnext50_32x4d_timm_41f9ac03/onnx/gluon_resnext50_32x4d_timm_41f9ac03-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnext50_32x4d.py +class: ResNet +hash: baf7f18f +model_name: gluon_resnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 97659.6924 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25028904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_resnext50_32x4d_Opset18_timm/gluon_resnext50_32x4d_Opset18.onnx b/Computer_Vision/gluon_resnext50_32x4d_Opset18_timm/gluon_resnext50_32x4d_Opset18.onnx new file mode 100644 index 000000000..dab2e5acb --- /dev/null +++ b/Computer_Vision/gluon_resnext50_32x4d_Opset18_timm/gluon_resnext50_32x4d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab7391501fbd5c734ebe149838d3f3ad496360caceaa218534188090d96ba571 +size 100003492 diff --git a/Computer_Vision/gluon_resnext50_32x4d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/gluon_resnext50_32x4d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2c88303ea --- /dev/null +++ b/Computer_Vision/gluon_resnext50_32x4d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8954768180847168 + set_success: 0.020639657974243164 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_resnext50_32x4d_timm_41f9ac03/onnx/gluon_resnext50_32x4d_timm_41f9ac03-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_resnext50_32x4d.py +class: ResNet +hash: baf7f18f +model_name: gluon_resnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 97659.6924 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25028904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_senet154_Opset16_timm/gluon_senet154_Opset16.onnx b/Computer_Vision/gluon_senet154_Opset16_timm/gluon_senet154_Opset16.onnx new file mode 100644 index 000000000..6505b44c3 --- /dev/null +++ b/Computer_Vision/gluon_senet154_Opset16_timm/gluon_senet154_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a3687b2c746272579846174cb501fa5bb3fc8213d2dd9b52458fdebbae45b8e0 +size 459995046 diff --git a/Computer_Vision/gluon_senet154_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gluon_senet154_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..af5574e03 --- /dev/null +++ b/Computer_Vision/gluon_senet154_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.090144157409668 + set_success: 0.020612239837646484 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_senet154_timm_89f185c7/onnx/gluon_senet154_timm_89f185c7-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_senet154.py +class: ResNet +hash: 410722aa +model_name: gluon_senet154 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 449213.9443 +onnx_ops_counter: + Add: 50 + Conv: 257 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 50 + ReduceMean: 50 + Relu: 203 + Sigmoid: 50 +parameters: 115088984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_senet154_Opset17_timm/gluon_senet154_Opset17.onnx b/Computer_Vision/gluon_senet154_Opset17_timm/gluon_senet154_Opset17.onnx new file mode 100644 index 000000000..fb40fd7e8 --- /dev/null +++ b/Computer_Vision/gluon_senet154_Opset17_timm/gluon_senet154_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5eaf50eba24ca9fd9c99ed501de9b5b861a796123711f4f15a2d05f7f3fb120e +size 459995046 diff --git a/Computer_Vision/gluon_senet154_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gluon_senet154_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..daefedd39 --- /dev/null +++ b/Computer_Vision/gluon_senet154_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.497503280639648 + set_success: 0.021570444107055664 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_senet154_timm_89f185c7/onnx/gluon_senet154_timm_89f185c7-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_senet154.py +class: ResNet +hash: 410722aa +model_name: gluon_senet154 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 449213.9443 +onnx_ops_counter: + Add: 50 + Conv: 257 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 50 + ReduceMean: 50 + Relu: 203 + Sigmoid: 50 +parameters: 115088984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_seresnext101_32x4d_Opset16_timm/gluon_seresnext101_32x4d_Opset16.onnx b/Computer_Vision/gluon_seresnext101_32x4d_Opset16_timm/gluon_seresnext101_32x4d_Opset16.onnx new file mode 100644 index 000000000..ab0aa2d73 --- /dev/null +++ b/Computer_Vision/gluon_seresnext101_32x4d_Opset16_timm/gluon_seresnext101_32x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3ff9e5d2c9d68fc9f78f21ea3f3deb586d66e82ee038c2daf03b867c4883249 +size 195634650 diff --git a/Computer_Vision/gluon_seresnext101_32x4d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gluon_seresnext101_32x4d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..425996aa1 --- /dev/null +++ b/Computer_Vision/gluon_seresnext101_32x4d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.035566329956055 + set_success: 0.022136926651000977 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_seresnext101_32x4d_timm_ce3bc806/onnx/gluon_seresnext101_32x4d_timm_ce3bc806-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_seresnext101_32x4d.py +class: ResNet +hash: 0917deef +model_name: gluon_seresnext101_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 191049.4951 +onnx_ops_counter: + Add: 33 + Conv: 170 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 33 + ReduceMean: 33 + Relu: 133 + Sigmoid: 33 +parameters: 48955416 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_seresnext101_32x4d_Opset17_timm/gluon_seresnext101_32x4d_Opset17.onnx b/Computer_Vision/gluon_seresnext101_32x4d_Opset17_timm/gluon_seresnext101_32x4d_Opset17.onnx new file mode 100644 index 000000000..34678f7df --- /dev/null +++ b/Computer_Vision/gluon_seresnext101_32x4d_Opset17_timm/gluon_seresnext101_32x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a38543c8da8d6986c6246930913393763f63b1ab9308cbb3df88e06edb7df56 +size 195634650 diff --git a/Computer_Vision/gluon_seresnext101_32x4d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gluon_seresnext101_32x4d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..58cb9dee2 --- /dev/null +++ b/Computer_Vision/gluon_seresnext101_32x4d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.057286024093628 + set_success: 0.021908044815063477 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_seresnext101_32x4d_timm_ce3bc806/onnx/gluon_seresnext101_32x4d_timm_ce3bc806-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_seresnext101_32x4d.py +class: ResNet +hash: 0917deef +model_name: gluon_seresnext101_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 191049.4951 +onnx_ops_counter: + Add: 33 + Conv: 170 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 33 + ReduceMean: 33 + Relu: 133 + Sigmoid: 33 +parameters: 48955416 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_seresnext101_64x4d_Opset16_timm/gluon_seresnext101_64x4d_Opset16.onnx b/Computer_Vision/gluon_seresnext101_64x4d_Opset16_timm/gluon_seresnext101_64x4d_Opset16.onnx new file mode 100644 index 000000000..fe7f81bdd --- /dev/null +++ b/Computer_Vision/gluon_seresnext101_64x4d_Opset16_timm/gluon_seresnext101_64x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:56b4df8a48d202aeb0682385fa13cdb644f34e3cf67bbd64784db647d3826648 +size 352614883 diff --git a/Computer_Vision/gluon_seresnext101_64x4d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gluon_seresnext101_64x4d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d956327f8 --- /dev/null +++ b/Computer_Vision/gluon_seresnext101_64x4d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.264285802841187 + set_success: 0.023119449615478516 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_seresnext101_64x4d_timm_730a6a37/onnx/gluon_seresnext101_64x4d_timm_730a6a37-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_seresnext101_64x4d.py +class: ResNet +hash: 4295d7eb +model_name: gluon_seresnext101_64x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 344350.5039 +onnx_ops_counter: + Add: 33 + Conv: 170 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 33 + ReduceMean: 33 + Relu: 133 + Sigmoid: 33 +parameters: 88232984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_seresnext101_64x4d_Opset17_timm/gluon_seresnext101_64x4d_Opset17.onnx b/Computer_Vision/gluon_seresnext101_64x4d_Opset17_timm/gluon_seresnext101_64x4d_Opset17.onnx new file mode 100644 index 000000000..c7214990c --- /dev/null +++ b/Computer_Vision/gluon_seresnext101_64x4d_Opset17_timm/gluon_seresnext101_64x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e16e73d1fe1bc101ebbba6d1e8004d200762582924380344266b62896c112457 +size 352614883 diff --git a/Computer_Vision/gluon_seresnext101_64x4d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gluon_seresnext101_64x4d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..675ac54b6 --- /dev/null +++ b/Computer_Vision/gluon_seresnext101_64x4d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.49523138999939 + set_success: 0.02297043800354004 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_seresnext101_64x4d_timm_730a6a37/onnx/gluon_seresnext101_64x4d_timm_730a6a37-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_seresnext101_64x4d.py +class: ResNet +hash: 4295d7eb +model_name: gluon_seresnext101_64x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 344350.5039 +onnx_ops_counter: + Add: 33 + Conv: 170 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 33 + ReduceMean: 33 + Relu: 133 + Sigmoid: 33 +parameters: 88232984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_seresnext50_32x4d_Opset16_timm/gluon_seresnext50_32x4d_Opset16.onnx b/Computer_Vision/gluon_seresnext50_32x4d_Opset16_timm/gluon_seresnext50_32x4d_Opset16.onnx new file mode 100644 index 000000000..ce91904ca --- /dev/null +++ b/Computer_Vision/gluon_seresnext50_32x4d_Opset16_timm/gluon_seresnext50_32x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9fba238e70c2efe3e3a44702a43fc3123513eb3b4dc500b6a24e6b9daf032181 +size 110146855 diff --git a/Computer_Vision/gluon_seresnext50_32x4d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gluon_seresnext50_32x4d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3b925a960 --- /dev/null +++ b/Computer_Vision/gluon_seresnext50_32x4d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.1988935470581055 + set_success: 0.017075777053833008 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_seresnext50_32x4d_timm_59ec7fde/onnx/gluon_seresnext50_32x4d_timm_59ec7fde-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_seresnext50_32x4d.py +class: ResNet +hash: b147a4bd +model_name: gluon_seresnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 107565.3203 +onnx_ops_counter: + Add: 16 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + Relu: 65 + Sigmoid: 16 +parameters: 27559896 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gluon_seresnext50_32x4d_Opset17_timm/gluon_seresnext50_32x4d_Opset17.onnx b/Computer_Vision/gluon_seresnext50_32x4d_Opset17_timm/gluon_seresnext50_32x4d_Opset17.onnx new file mode 100644 index 000000000..b70ccec66 --- /dev/null +++ b/Computer_Vision/gluon_seresnext50_32x4d_Opset17_timm/gluon_seresnext50_32x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:552ae5bacfd65a4d859f5246ec7981519459f653c6b35e327d7946889a32d298 +size 110146855 diff --git a/Computer_Vision/gluon_seresnext50_32x4d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gluon_seresnext50_32x4d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b029e0554 --- /dev/null +++ b/Computer_Vision/gluon_seresnext50_32x4d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.2208163738250732 + set_success: 0.01764655113220215 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gluon_seresnext50_32x4d_timm_59ec7fde/onnx/gluon_seresnext50_32x4d_timm_59ec7fde-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gluon_seresnext50_32x4d.py +class: ResNet +hash: b147a4bd +model_name: gluon_seresnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 107565.3203 +onnx_ops_counter: + Add: 16 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + Relu: 65 + Sigmoid: 16 +parameters: 27559896 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gmixer_24_224_Opset16_timm/gmixer_24_224_Opset16.onnx b/Computer_Vision/gmixer_24_224_Opset16_timm/gmixer_24_224_Opset16.onnx new file mode 100644 index 000000000..961d45cfd --- /dev/null +++ b/Computer_Vision/gmixer_24_224_Opset16_timm/gmixer_24_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ddfce4c32fea72090fe75f61a446822b715ae472fd34b77ba2377d8c81d836a +size 99159768 diff --git a/Computer_Vision/gmixer_24_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gmixer_24_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8e5945918 --- /dev/null +++ b/Computer_Vision/gmixer_24_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,211 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.6146161556243896 + set_success: 0.019934892654418945 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gmixer_24_224_timm_2163946a/onnx/gmixer_24_224_timm_2163946a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gmixer_24_224.py +class: MlpMixer +hash: 6f675c28 +model_name: gmixer_24_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 96835.7432 +onnx_ops_counter: + Add: 290 + Concat: 1 + Constant: 390 + Conv: 1 + Div: 97 + Gather: 48 + Gemm: 1 + MatMul: 96 + Mul: 241 + Pow: 49 + ReduceMean: 99 + Reshape: 1 + Shape: 49 + Sigmoid: 48 + Slice: 97 + Sqrt: 49 + Sub: 49 + Transpose: 49 +parameters: 24721096 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gmixer_24_224_Opset17_timm/gmixer_24_224_Opset17.onnx b/Computer_Vision/gmixer_24_224_Opset17_timm/gmixer_24_224_Opset17.onnx new file mode 100644 index 000000000..1b2ab93ca --- /dev/null +++ b/Computer_Vision/gmixer_24_224_Opset17_timm/gmixer_24_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a7eba9e9918832a19b02bc88947ce37c48db1415fabfa1aabe6c558efca41208 +size 99097134 diff --git a/Computer_Vision/gmixer_24_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gmixer_24_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b706695db --- /dev/null +++ b/Computer_Vision/gmixer_24_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.1187050342559814 + set_success: 0.019711732864379883 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gmixer_24_224_timm_2163946a/onnx/gmixer_24_224_timm_2163946a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gmixer_24_224.py +class: MlpMixer +hash: 6f675c28 +model_name: gmixer_24_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 96774.5771 +onnx_ops_counter: + Add: 192 + Concat: 1 + Constant: 292 + Conv: 1 + Div: 48 + Gather: 48 + Gemm: 1 + LayerNormalization: 49 + MatMul: 96 + Mul: 192 + ReduceMean: 1 + Reshape: 1 + Shape: 49 + Sigmoid: 48 + Slice: 97 + Transpose: 49 +parameters: 24721096 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gmlp_s16_224_Opset16_timm/gmlp_s16_224_Opset16.onnx b/Computer_Vision/gmlp_s16_224_Opset16_timm/gmlp_s16_224_Opset16.onnx new file mode 100644 index 000000000..8a5013fc1 --- /dev/null +++ b/Computer_Vision/gmlp_s16_224_Opset16_timm/gmlp_s16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e435ffbdc45b4a14680bb8e4cff440bed0baef29f5be530b3f2950d5abfc0210 +size 77992741 diff --git a/Computer_Vision/gmlp_s16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/gmlp_s16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3c6ac0786 --- /dev/null +++ b/Computer_Vision/gmlp_s16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,211 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.2954423427581787 + set_success: 0.018512964248657227 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gmlp_s16_224_timm_b5df4dd9/onnx/gmlp_s16_224_timm_b5df4dd9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gmlp_s16_224.py +class: MlpMixer +hash: ee2794bd +model_name: gmlp_s16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 76164.8184 +onnx_ops_counter: + Add: 302 + Concat: 1 + Constant: 396 + Conv: 1 + Div: 121 + Erf: 30 + Gather: 30 + Gemm: 1 + MatMul: 90 + Mul: 211 + Pow: 61 + ReduceMean: 123 + Reshape: 1 + Shape: 31 + Slice: 61 + Sqrt: 61 + Sub: 61 + Transpose: 61 +parameters: 19422656 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/gmlp_s16_224_Opset17_timm/gmlp_s16_224_Opset17.onnx b/Computer_Vision/gmlp_s16_224_Opset17_timm/gmlp_s16_224_Opset17.onnx new file mode 100644 index 000000000..e78c0952e --- /dev/null +++ b/Computer_Vision/gmlp_s16_224_Opset17_timm/gmlp_s16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e31cb449ed378ad20eb4ab0f3ac8dd6c1fa3502a565e6570995a8048ece2e285 +size 77898911 diff --git a/Computer_Vision/gmlp_s16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/gmlp_s16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5c8ec9deb --- /dev/null +++ b/Computer_Vision/gmlp_s16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.7613792419433594 + set_success: 0.018372058868408203 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gmlp_s16_224_timm_b5df4dd9/onnx/gmlp_s16_224_timm_b5df4dd9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/gmlp_s16_224.py +class: MlpMixer +hash: ee2794bd +model_name: gmlp_s16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 76073.1875 +onnx_ops_counter: + Add: 180 + Concat: 1 + Constant: 274 + Conv: 1 + Div: 60 + Erf: 30 + Gather: 30 + Gemm: 1 + LayerNormalization: 61 + MatMul: 90 + Mul: 150 + ReduceMean: 1 + Reshape: 1 + Shape: 31 + Slice: 61 + Transpose: 61 +parameters: 19422656 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/googlenet_Opset16_torch_hub/googlenet_Opset16.onnx b/Computer_Vision/googlenet_Opset16_torch_hub/googlenet_Opset16.onnx new file mode 100644 index 000000000..ee5f113f5 --- /dev/null +++ b/Computer_Vision/googlenet_Opset16_torch_hub/googlenet_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:57dbc078e8df80b73bdb60ffe469cada06d1c07d37d8b2d5031b5207b3405433 +size 26503581 diff --git a/Computer_Vision/googlenet_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/googlenet_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..f35ea985a --- /dev/null +++ b/Computer_Vision/googlenet_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.0482940673828125 + set_success: 0.015197038650512695 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/googlenet_torch_hub_52ffa5cf/onnx/googlenet_torch_hub_52ffa5cf-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/googlenet.py +class: GoogLeNet +hash: 6aba3970 +model_name: googlenet +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 25882.4355 +onnx_ops_counter: + Add: 3 + Concat: 10 + Constant: 12 + Conv: 57 + Flatten: 1 + Gather: 3 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 13 + Mul: 3 + Relu: 57 + Unsqueeze: 3 +parameters: 6624904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/googlenet_Opset17_torch_hub/googlenet_Opset17.onnx b/Computer_Vision/googlenet_Opset17_torch_hub/googlenet_Opset17.onnx new file mode 100644 index 000000000..2944872e1 --- /dev/null +++ b/Computer_Vision/googlenet_Opset17_torch_hub/googlenet_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a27dad530bdfda1febca9c6651fc25437e4ddbe509cc90a647eade928e901db9 +size 26503581 diff --git a/Computer_Vision/googlenet_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/googlenet_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..21fba0352 --- /dev/null +++ b/Computer_Vision/googlenet_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.0572466850280762 + set_success: 0.016887903213500977 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/googlenet_torch_hub_52ffa5cf/onnx/googlenet_torch_hub_52ffa5cf-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/googlenet.py +class: GoogLeNet +hash: 6aba3970 +model_name: googlenet +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 25882.4355 +onnx_ops_counter: + Add: 3 + Concat: 10 + Constant: 12 + Conv: 57 + Flatten: 1 + Gather: 3 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 13 + Mul: 3 + Relu: 57 + Unsqueeze: 3 +parameters: 6624904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/googlenet_Opset18_torch_hub/googlenet_Opset18.onnx b/Computer_Vision/googlenet_Opset18_torch_hub/googlenet_Opset18.onnx new file mode 100644 index 000000000..1d825888d --- /dev/null +++ b/Computer_Vision/googlenet_Opset18_torch_hub/googlenet_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4c7e6715f7160ba18e2cecb7580fdcd821da27ec5791bd5d48ae66584754afb +size 26503581 diff --git a/Computer_Vision/googlenet_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/googlenet_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..6dc664df7 --- /dev/null +++ b/Computer_Vision/googlenet_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.0998620986938477 + set_success: 0.017122983932495117 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/googlenet_torch_hub_52ffa5cf/onnx/googlenet_torch_hub_52ffa5cf-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/googlenet.py +class: GoogLeNet +hash: 6aba3970 +model_name: googlenet +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 25882.4355 +onnx_ops_counter: + Add: 3 + Concat: 10 + Constant: 12 + Conv: 57 + Flatten: 1 + Gather: 3 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 13 + Mul: 3 + Relu: 57 + Unsqueeze: 3 +parameters: 6624904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hardcorenas_a_Opset16_timm/hardcorenas_a_Opset16.onnx b/Computer_Vision/hardcorenas_a_Opset16_timm/hardcorenas_a_Opset16.onnx new file mode 100644 index 000000000..ed8e611b2 --- /dev/null +++ b/Computer_Vision/hardcorenas_a_Opset16_timm/hardcorenas_a_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ec24666fac13c9e606a066e5aa0b6fda22f81032739542e8c563b0164f1447b +size 21029877 diff --git a/Computer_Vision/hardcorenas_a_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/hardcorenas_a_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e02c6608a --- /dev/null +++ b/Computer_Vision/hardcorenas_a_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.7209639549255371 + set_success: 0.016199588775634766 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hardcorenas_a_timm_2e1b8afd/onnx/hardcorenas_a_timm_2e1b8afd-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hardcorenas_a.py +class: MobileNetV3 +hash: 27b87a16 +model_name: hardcorenas_a +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 20537.0215 +onnx_ops_counter: + Add: 5 + Conv: 51 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 8 + HardSwish: 15 + Mul: 8 + ReduceMean: 8 + Relu: 17 +parameters: 5260232 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hardcorenas_a_Opset17_timm/hardcorenas_a_Opset17.onnx b/Computer_Vision/hardcorenas_a_Opset17_timm/hardcorenas_a_Opset17.onnx new file mode 100644 index 000000000..46cf03f6e --- /dev/null +++ b/Computer_Vision/hardcorenas_a_Opset17_timm/hardcorenas_a_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ec77f9471939361c52890304412afff8215277a7fd88886f82d0d6d05151730 +size 21029877 diff --git a/Computer_Vision/hardcorenas_a_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/hardcorenas_a_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4e8643fab --- /dev/null +++ b/Computer_Vision/hardcorenas_a_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.7658159732818604 + set_success: 0.015877723693847656 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hardcorenas_a_timm_2e1b8afd/onnx/hardcorenas_a_timm_2e1b8afd-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hardcorenas_a.py +class: MobileNetV3 +hash: 27b87a16 +model_name: hardcorenas_a +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 20537.0215 +onnx_ops_counter: + Add: 5 + Conv: 51 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 8 + HardSwish: 15 + Mul: 8 + ReduceMean: 8 + Relu: 17 +parameters: 5260232 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hardcorenas_b_Opset16_timm/hardcorenas_b_Opset16.onnx b/Computer_Vision/hardcorenas_b_Opset16_timm/hardcorenas_b_Opset16.onnx new file mode 100644 index 000000000..e2eb502c6 --- /dev/null +++ b/Computer_Vision/hardcorenas_b_Opset16_timm/hardcorenas_b_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d484e962c1910afcad48c4b12c85783ec12fca9c632d68b068cf45cb9536dd1e +size 20689930 diff --git a/Computer_Vision/hardcorenas_b_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/hardcorenas_b_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cc25111dd --- /dev/null +++ b/Computer_Vision/hardcorenas_b_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9354960918426514 + set_success: 0.016021251678466797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hardcorenas_b_timm_718d2b5c/onnx/hardcorenas_b_timm_718d2b5c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hardcorenas_b.py +class: MobileNetV3 +hash: 82b3b421 +model_name: hardcorenas_b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 20205.042 +onnx_ops_counter: + Add: 12 + Conv: 64 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 4 + HardSwish: 25 + Mul: 4 + ReduceMean: 4 + Relu: 17 +parameters: 5176544 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hardcorenas_b_Opset17_timm/hardcorenas_b_Opset17.onnx b/Computer_Vision/hardcorenas_b_Opset17_timm/hardcorenas_b_Opset17.onnx new file mode 100644 index 000000000..4e04a00fa --- /dev/null +++ b/Computer_Vision/hardcorenas_b_Opset17_timm/hardcorenas_b_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85d894cd01a796c9402a1b95294b17a3cf27a2f28a22ab71580fa5bbe30db169 +size 20689930 diff --git a/Computer_Vision/hardcorenas_b_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/hardcorenas_b_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d7fa11ad8 --- /dev/null +++ b/Computer_Vision/hardcorenas_b_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9647862911224365 + set_success: 0.015584707260131836 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hardcorenas_b_timm_718d2b5c/onnx/hardcorenas_b_timm_718d2b5c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hardcorenas_b.py +class: MobileNetV3 +hash: 82b3b421 +model_name: hardcorenas_b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 20205.042 +onnx_ops_counter: + Add: 12 + Conv: 64 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 4 + HardSwish: 25 + Mul: 4 + ReduceMean: 4 + Relu: 17 +parameters: 5176544 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hardcorenas_c_Opset16_timm/hardcorenas_c_Opset16.onnx b/Computer_Vision/hardcorenas_c_Opset16_timm/hardcorenas_c_Opset16.onnx new file mode 100644 index 000000000..ca0def9b8 --- /dev/null +++ b/Computer_Vision/hardcorenas_c_Opset16_timm/hardcorenas_c_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:218556825aa839cff339b60c41e48414d25dd6089cf0f989ea3e5317efcd37b1 +size 22067242 diff --git a/Computer_Vision/hardcorenas_c_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/hardcorenas_c_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..83fdb49d2 --- /dev/null +++ b/Computer_Vision/hardcorenas_c_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.990349531173706 + set_success: 0.014775753021240234 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hardcorenas_c_timm_ef1b8128/onnx/hardcorenas_c_timm_ef1b8128-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hardcorenas_c.py +class: MobileNetV3 +hash: b7d32fa2 +model_name: hardcorenas_c +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 21550.0732 +onnx_ops_counter: + Add: 12 + Conv: 68 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 6 + HardSwish: 25 + Mul: 6 + ReduceMean: 6 + Relu: 19 +parameters: 5521224 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hardcorenas_c_Opset17_timm/hardcorenas_c_Opset17.onnx b/Computer_Vision/hardcorenas_c_Opset17_timm/hardcorenas_c_Opset17.onnx new file mode 100644 index 000000000..69f2e577e --- /dev/null +++ b/Computer_Vision/hardcorenas_c_Opset17_timm/hardcorenas_c_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8cd4ff6d63600688e4414ad093ba9f20320ca9f16413e8cb34bb9d581e0fb9e +size 22067242 diff --git a/Computer_Vision/hardcorenas_c_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/hardcorenas_c_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8149b66f5 --- /dev/null +++ b/Computer_Vision/hardcorenas_c_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.0176537036895752 + set_success: 0.015195608139038086 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hardcorenas_c_timm_ef1b8128/onnx/hardcorenas_c_timm_ef1b8128-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hardcorenas_c.py +class: MobileNetV3 +hash: b7d32fa2 +model_name: hardcorenas_c +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 21550.0732 +onnx_ops_counter: + Add: 12 + Conv: 68 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 6 + HardSwish: 25 + Mul: 6 + ReduceMean: 6 + Relu: 19 +parameters: 5521224 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hardcorenas_d_Opset16_timm/hardcorenas_d_Opset16.onnx b/Computer_Vision/hardcorenas_d_Opset16_timm/hardcorenas_d_Opset16.onnx new file mode 100644 index 000000000..fc2ef83c3 --- /dev/null +++ b/Computer_Vision/hardcorenas_d_Opset16_timm/hardcorenas_d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1da718b230f8f35f6513f636c5b584b9a3cb5c0ff944475875ca928e38e4ebd9 +size 29989240 diff --git a/Computer_Vision/hardcorenas_d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/hardcorenas_d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6b14200fe --- /dev/null +++ b/Computer_Vision/hardcorenas_d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3511393070220947 + set_success: 0.016254901885986328 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hardcorenas_d_timm_a2b80c3f/onnx/hardcorenas_d_timm_a2b80c3f-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hardcorenas_d.py +class: MobileNetV3 +hash: e74a1dc9 +model_name: hardcorenas_d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 29286.3994 +onnx_ops_counter: + Add: 12 + Conv: 90 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 17 + HardSwish: 27 + Mul: 17 + ReduceMean: 17 + Relu: 28 +parameters: 7500208 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hardcorenas_d_Opset17_timm/hardcorenas_d_Opset17.onnx b/Computer_Vision/hardcorenas_d_Opset17_timm/hardcorenas_d_Opset17.onnx new file mode 100644 index 000000000..cc3933958 --- /dev/null +++ b/Computer_Vision/hardcorenas_d_Opset17_timm/hardcorenas_d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:681b52802deff83035a45bfcacaa5fb6341396002012bdf9f6633c38509f9987 +size 29989240 diff --git a/Computer_Vision/hardcorenas_d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/hardcorenas_d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..55c4d18e1 --- /dev/null +++ b/Computer_Vision/hardcorenas_d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3502461910247803 + set_success: 0.015043973922729492 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hardcorenas_d_timm_a2b80c3f/onnx/hardcorenas_d_timm_a2b80c3f-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hardcorenas_d.py +class: MobileNetV3 +hash: e74a1dc9 +model_name: hardcorenas_d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 29286.3994 +onnx_ops_counter: + Add: 12 + Conv: 90 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 17 + HardSwish: 27 + Mul: 17 + ReduceMean: 17 + Relu: 28 +parameters: 7500208 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hardcorenas_e_Opset16_timm/hardcorenas_e_Opset16.onnx b/Computer_Vision/hardcorenas_e_Opset16_timm/hardcorenas_e_Opset16.onnx new file mode 100644 index 000000000..1a14982bc --- /dev/null +++ b/Computer_Vision/hardcorenas_e_Opset16_timm/hardcorenas_e_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b773e0c7e21acd7269a26d2ecc881cae0368e4be5aa9c0180f2c0bf8ad729a2f +size 32264012 diff --git a/Computer_Vision/hardcorenas_e_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/hardcorenas_e_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4e41fce3d --- /dev/null +++ b/Computer_Vision/hardcorenas_e_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3513450622558594 + set_success: 0.017298221588134766 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hardcorenas_e_timm_956252f2/onnx/hardcorenas_e_timm_956252f2-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hardcorenas_e.py +class: MobileNetV3 +hash: 447108e5 +model_name: hardcorenas_e +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 31507.8564 +onnx_ops_counter: + Add: 11 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 16 + HardSwish: 23 + Mul: 16 + ReduceMean: 16 + Relu: 29 +parameters: 8070992 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hardcorenas_e_Opset17_timm/hardcorenas_e_Opset17.onnx b/Computer_Vision/hardcorenas_e_Opset17_timm/hardcorenas_e_Opset17.onnx new file mode 100644 index 000000000..965b5d0f9 --- /dev/null +++ b/Computer_Vision/hardcorenas_e_Opset17_timm/hardcorenas_e_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e03007349da63befdf0c01d2da7a4251baadd26b6463887b8fab71da378869a3 +size 32264012 diff --git a/Computer_Vision/hardcorenas_e_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/hardcorenas_e_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ee5b04bef --- /dev/null +++ b/Computer_Vision/hardcorenas_e_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.423126459121704 + set_success: 0.018837451934814453 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hardcorenas_e_timm_956252f2/onnx/hardcorenas_e_timm_956252f2-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hardcorenas_e.py +class: MobileNetV3 +hash: 447108e5 +model_name: hardcorenas_e +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 31507.8564 +onnx_ops_counter: + Add: 11 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 16 + HardSwish: 23 + Mul: 16 + ReduceMean: 16 + Relu: 29 +parameters: 8070992 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hardcorenas_f_Opset16_timm/hardcorenas_f_Opset16.onnx b/Computer_Vision/hardcorenas_f_Opset16_timm/hardcorenas_f_Opset16.onnx new file mode 100644 index 000000000..ce56d177b --- /dev/null +++ b/Computer_Vision/hardcorenas_f_Opset16_timm/hardcorenas_f_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0448a7b9e71576e4f9ba10373eaee0575267346cb76db420d7ca7886ffe447be +size 32775701 diff --git a/Computer_Vision/hardcorenas_f_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/hardcorenas_f_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bb3a65469 --- /dev/null +++ b/Computer_Vision/hardcorenas_f_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3674662113189697 + set_success: 0.017011404037475586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hardcorenas_f_timm_d7e4186e/onnx/hardcorenas_f_timm_d7e4186e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hardcorenas_f.py +class: MobileNetV3 +hash: 8b9cda16 +model_name: hardcorenas_f +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 32007.5527 +onnx_ops_counter: + Add: 11 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 16 + HardSwish: 27 + Mul: 16 + ReduceMean: 16 + Relu: 25 +parameters: 8199688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hardcorenas_f_Opset17_timm/hardcorenas_f_Opset17.onnx b/Computer_Vision/hardcorenas_f_Opset17_timm/hardcorenas_f_Opset17.onnx new file mode 100644 index 000000000..74ac17530 --- /dev/null +++ b/Computer_Vision/hardcorenas_f_Opset17_timm/hardcorenas_f_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a8170bf9752b4846d3c2fe71a5b9ab120d8b62d79904a457ab2dfd12358ed84 +size 32775701 diff --git a/Computer_Vision/hardcorenas_f_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/hardcorenas_f_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..33311edda --- /dev/null +++ b/Computer_Vision/hardcorenas_f_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3476929664611816 + set_success: 0.01615142822265625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hardcorenas_f_timm_d7e4186e/onnx/hardcorenas_f_timm_d7e4186e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hardcorenas_f.py +class: MobileNetV3 +hash: 8b9cda16 +model_name: hardcorenas_f +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 32007.5527 +onnx_ops_counter: + Add: 11 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 16 + HardSwish: 27 + Mul: 16 + ReduceMean: 16 + Relu: 25 +parameters: 8199688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w18_Opset16_timm/hrnet_w18_Opset16.onnx b/Computer_Vision/hrnet_w18_Opset16_timm/hrnet_w18_Opset16.onnx new file mode 100644 index 000000000..38dbc7f5e --- /dev/null +++ b/Computer_Vision/hrnet_w18_Opset16_timm/hrnet_w18_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f1bf1dc72cff66c078c80b1f1ac785a705a869647a6a95d354dd05dc3c32f39c +size 85305310 diff --git a/Computer_Vision/hrnet_w18_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w18_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..defe966f4 --- /dev/null +++ b/Computer_Vision/hrnet_w18_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.17833423614502 + set_success: 0.018718242645263672 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w18_timm_3981ef26/onnx/hrnet_w18_timm_3981ef26-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w18.py +class: HighResolutionNet +hash: 15972cec +model_name: hrnet_w18 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 83305.999 +onnx_ops_counter: + Add: 177 + Constant: 31 + Conv: 325 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 284 + Resize: 31 +parameters: 21299004 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w18_Opset17_timm/hrnet_w18_Opset17.onnx b/Computer_Vision/hrnet_w18_Opset17_timm/hrnet_w18_Opset17.onnx new file mode 100644 index 000000000..e2fb0113e --- /dev/null +++ b/Computer_Vision/hrnet_w18_Opset17_timm/hrnet_w18_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b0c36f1a7833ab32061ad916d03e679c0f8722c553f62e43b4f1c5424044a97 +size 85305310 diff --git a/Computer_Vision/hrnet_w18_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w18_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b895eb91b --- /dev/null +++ b/Computer_Vision/hrnet_w18_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.65669298171997 + set_success: 0.019671201705932617 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w18_timm_3981ef26/onnx/hrnet_w18_timm_3981ef26-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w18.py +class: HighResolutionNet +hash: 15972cec +model_name: hrnet_w18 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 83305.999 +onnx_ops_counter: + Add: 177 + Constant: 31 + Conv: 325 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 284 + Resize: 31 +parameters: 21299004 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w18_Opset18_timm/hrnet_w18_Opset18.onnx b/Computer_Vision/hrnet_w18_Opset18_timm/hrnet_w18_Opset18.onnx new file mode 100644 index 000000000..5b9d40273 --- /dev/null +++ b/Computer_Vision/hrnet_w18_Opset18_timm/hrnet_w18_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:92fccbf82bf9bac03570ac4e9fbdb6c94e3ee6ce330a3f2c013a4b553df30a97 +size 85305310 diff --git a/Computer_Vision/hrnet_w18_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w18_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..161163bdb --- /dev/null +++ b/Computer_Vision/hrnet_w18_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 14.031683206558228 + set_success: 0.02210235595703125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w18_timm_3981ef26/onnx/hrnet_w18_timm_3981ef26-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w18.py +class: HighResolutionNet +hash: 15972cec +model_name: hrnet_w18 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 83305.999 +onnx_ops_counter: + Add: 177 + Constant: 31 + Conv: 325 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 284 + Resize: 31 +parameters: 21299004 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w18_small_Opset16_timm/hrnet_w18_small_Opset16.onnx b/Computer_Vision/hrnet_w18_small_Opset16_timm/hrnet_w18_small_Opset16.onnx new file mode 100644 index 000000000..dba01b72c --- /dev/null +++ b/Computer_Vision/hrnet_w18_small_Opset16_timm/hrnet_w18_small_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7bbcd0b5f325dcbc6cb7aea369f20217bc94135860474baa7f0c2901c08a2a71 +size 52748048 diff --git a/Computer_Vision/hrnet_w18_small_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w18_small_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f000de151 --- /dev/null +++ b/Computer_Vision/hrnet_w18_small_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8931598663330078 + set_success: 0.015190839767456055 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w18_small_timm_be95a058/onnx/hrnet_w18_small_timm_be95a058-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w18_small.py +class: HighResolutionNet +hash: 7e530df2 +model_name: hrnet_w18_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 51511.7979 +onnx_ops_counter: + Add: 46 + Constant: 10 + Conv: 91 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 75 + Resize: 10 +parameters: 13187464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w18_small_Opset17_timm/hrnet_w18_small_Opset17.onnx b/Computer_Vision/hrnet_w18_small_Opset17_timm/hrnet_w18_small_Opset17.onnx new file mode 100644 index 000000000..4b6bb234f --- /dev/null +++ b/Computer_Vision/hrnet_w18_small_Opset17_timm/hrnet_w18_small_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af0c4ac84fd69484defbc1ab042fd00eded9b878661ab7ca2269ad4ffba03fe3 +size 52748048 diff --git a/Computer_Vision/hrnet_w18_small_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w18_small_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5fb05260d --- /dev/null +++ b/Computer_Vision/hrnet_w18_small_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9919488430023193 + set_success: 0.01625847816467285 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w18_small_timm_be95a058/onnx/hrnet_w18_small_timm_be95a058-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w18_small.py +class: HighResolutionNet +hash: 7e530df2 +model_name: hrnet_w18_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 51511.7979 +onnx_ops_counter: + Add: 46 + Constant: 10 + Conv: 91 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 75 + Resize: 10 +parameters: 13187464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w18_small_Opset18_timm/hrnet_w18_small_Opset18.onnx b/Computer_Vision/hrnet_w18_small_Opset18_timm/hrnet_w18_small_Opset18.onnx new file mode 100644 index 000000000..be32058ac --- /dev/null +++ b/Computer_Vision/hrnet_w18_small_Opset18_timm/hrnet_w18_small_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:97a3595c8c6a4dc69e4f385108a487c567f3c9555c19e6261ea1ff0f3ce027be +size 52748048 diff --git a/Computer_Vision/hrnet_w18_small_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w18_small_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..518d57622 --- /dev/null +++ b/Computer_Vision/hrnet_w18_small_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.889397382736206 + set_success: 0.017097949981689453 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w18_small_timm_be95a058/onnx/hrnet_w18_small_timm_be95a058-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w18_small.py +class: HighResolutionNet +hash: 7e530df2 +model_name: hrnet_w18_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 51511.7979 +onnx_ops_counter: + Add: 46 + Constant: 10 + Conv: 91 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 75 + Resize: 10 +parameters: 13187464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w18_small_v2_Opset16_timm/hrnet_w18_small_v2_Opset16.onnx b/Computer_Vision/hrnet_w18_small_v2_Opset16_timm/hrnet_w18_small_v2_Opset16.onnx new file mode 100644 index 000000000..09cf38807 --- /dev/null +++ b/Computer_Vision/hrnet_w18_small_v2_Opset16_timm/hrnet_w18_small_v2_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:764f3d336d69549c22cf30d2f1b71e6345f08308f3a94319b51b63888f486139 +size 62424017 diff --git a/Computer_Vision/hrnet_w18_small_v2_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w18_small_v2_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4dae6db13 --- /dev/null +++ b/Computer_Vision/hrnet_w18_small_v2_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.11855149269104 + set_success: 0.0173490047454834 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w18_small_v2_timm_e4762a73/onnx/hrnet_w18_small_v2_timm_e4762a73-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w18_small_v2.py +class: HighResolutionNet +hash: ca883476 +model_name: hrnet_w18_small_v2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 60960.9863 +onnx_ops_counter: + Add: 91 + Constant: 22 + Conv: 164 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 134 + Resize: 22 +parameters: 15597464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w18_small_v2_Opset17_timm/hrnet_w18_small_v2_Opset17.onnx b/Computer_Vision/hrnet_w18_small_v2_Opset17_timm/hrnet_w18_small_v2_Opset17.onnx new file mode 100644 index 000000000..6f3c42649 --- /dev/null +++ b/Computer_Vision/hrnet_w18_small_v2_Opset17_timm/hrnet_w18_small_v2_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33761362ee01f252115bd6f25bf439613fe4fdf99dcc1a9e21cca8914b2cf679 +size 62424017 diff --git a/Computer_Vision/hrnet_w18_small_v2_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w18_small_v2_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b9f9495ce --- /dev/null +++ b/Computer_Vision/hrnet_w18_small_v2_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.21736741065979 + set_success: 0.016898393630981445 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w18_small_v2_timm_e4762a73/onnx/hrnet_w18_small_v2_timm_e4762a73-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w18_small_v2.py +class: HighResolutionNet +hash: ca883476 +model_name: hrnet_w18_small_v2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 60960.9863 +onnx_ops_counter: + Add: 91 + Constant: 22 + Conv: 164 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 134 + Resize: 22 +parameters: 15597464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w18_small_v2_Opset18_timm/hrnet_w18_small_v2_Opset18.onnx b/Computer_Vision/hrnet_w18_small_v2_Opset18_timm/hrnet_w18_small_v2_Opset18.onnx new file mode 100644 index 000000000..dcd9ea2a5 --- /dev/null +++ b/Computer_Vision/hrnet_w18_small_v2_Opset18_timm/hrnet_w18_small_v2_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c0fc89cab7b0c13996ec2339a90d8ab3dc6c7476ad178fdc8410cc168edc18c +size 62424017 diff --git a/Computer_Vision/hrnet_w18_small_v2_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w18_small_v2_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1d9f7fc97 --- /dev/null +++ b/Computer_Vision/hrnet_w18_small_v2_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.26270866394043 + set_success: 0.016906023025512695 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w18_small_v2_timm_e4762a73/onnx/hrnet_w18_small_v2_timm_e4762a73-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w18_small_v2.py +class: HighResolutionNet +hash: ca883476 +model_name: hrnet_w18_small_v2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 60960.9863 +onnx_ops_counter: + Add: 91 + Constant: 22 + Conv: 164 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 134 + Resize: 22 +parameters: 15597464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w30_Opset16_timm/hrnet_w30_Opset16.onnx b/Computer_Vision/hrnet_w30_Opset16_timm/hrnet_w30_Opset16.onnx new file mode 100644 index 000000000..2fd0c2551 --- /dev/null +++ b/Computer_Vision/hrnet_w30_Opset16_timm/hrnet_w30_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85d5ae213b0f60251da322fd0f2a92d95a1229251f5eb56eb0528bf13bd0b0dd +size 150918316 diff --git a/Computer_Vision/hrnet_w30_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w30_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f1cbf6c02 --- /dev/null +++ b/Computer_Vision/hrnet_w30_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 14.610790014266968 + set_success: 0.022602558135986328 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w30_timm_de2aa6b8/onnx/hrnet_w30_timm_de2aa6b8-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w30.py +class: HighResolutionNet +hash: 21545d6f +model_name: hrnet_w30 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 147381.2002 +onnx_ops_counter: + Add: 177 + Constant: 31 + Conv: 325 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 284 + Resize: 31 +parameters: 37712220 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w30_Opset17_timm/hrnet_w30_Opset17.onnx b/Computer_Vision/hrnet_w30_Opset17_timm/hrnet_w30_Opset17.onnx new file mode 100644 index 000000000..41d6feba8 --- /dev/null +++ b/Computer_Vision/hrnet_w30_Opset17_timm/hrnet_w30_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:562f0f03e2c1ecf6525cbcde5d4262909e40c3c14402cff714703bff0bb26316 +size 150918316 diff --git a/Computer_Vision/hrnet_w30_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w30_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..82dc36bf1 --- /dev/null +++ b/Computer_Vision/hrnet_w30_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 14.605347633361816 + set_success: 0.02088165283203125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w30_timm_de2aa6b8/onnx/hrnet_w30_timm_de2aa6b8-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w30.py +class: HighResolutionNet +hash: 21545d6f +model_name: hrnet_w30 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 147381.2002 +onnx_ops_counter: + Add: 177 + Constant: 31 + Conv: 325 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 284 + Resize: 31 +parameters: 37712220 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w30_Opset18_timm/hrnet_w30_Opset18.onnx b/Computer_Vision/hrnet_w30_Opset18_timm/hrnet_w30_Opset18.onnx new file mode 100644 index 000000000..aa19d09f0 --- /dev/null +++ b/Computer_Vision/hrnet_w30_Opset18_timm/hrnet_w30_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:90807389227bf6ff54b22c9f3cbccd323a6c129c191775e7cf0aede101178062 +size 150918316 diff --git a/Computer_Vision/hrnet_w30_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w30_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..22d01d8b7 --- /dev/null +++ b/Computer_Vision/hrnet_w30_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 14.859827041625977 + set_success: 0.023681640625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w30_timm_de2aa6b8/onnx/hrnet_w30_timm_de2aa6b8-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w30.py +class: HighResolutionNet +hash: 21545d6f +model_name: hrnet_w30 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 147381.2002 +onnx_ops_counter: + Add: 177 + Constant: 31 + Conv: 325 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 284 + Resize: 31 +parameters: 37712220 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w32_Opset16_timm/hrnet_w32_Opset16.onnx b/Computer_Vision/hrnet_w32_Opset16_timm/hrnet_w32_Opset16.onnx new file mode 100644 index 000000000..512f7cb25 --- /dev/null +++ b/Computer_Vision/hrnet_w32_Opset16_timm/hrnet_w32_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4328950705f63282cff68065e838912d1d50355bb3c0c00f98dae23d08857fd0 +size 164993854 diff --git a/Computer_Vision/hrnet_w32_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w32_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a2ba65ab2 --- /dev/null +++ b/Computer_Vision/hrnet_w32_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.769994258880615 + set_success: 0.026305437088012695 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w32_timm_442e97f3/onnx/hrnet_w32_timm_442e97f3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w32.py +class: HighResolutionNet +hash: 305f9cda +model_name: hrnet_w32 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 161126.8428 +onnx_ops_counter: + Add: 177 + Constant: 31 + Conv: 325 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 284 + Resize: 31 +parameters: 41232680 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w32_Opset17_timm/hrnet_w32_Opset17.onnx b/Computer_Vision/hrnet_w32_Opset17_timm/hrnet_w32_Opset17.onnx new file mode 100644 index 000000000..5d6168df4 --- /dev/null +++ b/Computer_Vision/hrnet_w32_Opset17_timm/hrnet_w32_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cc133c180f1c1f0d3ac870900ad0a74cfb46464619d00b22955f1be089ad7c22 +size 164993854 diff --git a/Computer_Vision/hrnet_w32_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w32_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ab15cfd12 --- /dev/null +++ b/Computer_Vision/hrnet_w32_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 14.125114679336548 + set_success: 0.019273996353149414 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w32_timm_442e97f3/onnx/hrnet_w32_timm_442e97f3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w32.py +class: HighResolutionNet +hash: 305f9cda +model_name: hrnet_w32 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 161126.8428 +onnx_ops_counter: + Add: 177 + Constant: 31 + Conv: 325 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 284 + Resize: 31 +parameters: 41232680 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w32_Opset18_timm/hrnet_w32_Opset18.onnx b/Computer_Vision/hrnet_w32_Opset18_timm/hrnet_w32_Opset18.onnx new file mode 100644 index 000000000..5fdadd260 --- /dev/null +++ b/Computer_Vision/hrnet_w32_Opset18_timm/hrnet_w32_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0601e0868a255f8a20c80953829b33b6f22ce9956c46216ca1ad94f6761de95 +size 164993854 diff --git a/Computer_Vision/hrnet_w32_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w32_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..dc792210f --- /dev/null +++ b/Computer_Vision/hrnet_w32_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 14.432778596878052 + set_success: 0.022072553634643555 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w32_timm_442e97f3/onnx/hrnet_w32_timm_442e97f3-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w32.py +class: HighResolutionNet +hash: 305f9cda +model_name: hrnet_w32 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 161126.8428 +onnx_ops_counter: + Add: 177 + Constant: 31 + Conv: 325 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 284 + Resize: 31 +parameters: 41232680 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w40_Opset16_timm/hrnet_w40_Opset16.onnx b/Computer_Vision/hrnet_w40_Opset16_timm/hrnet_w40_Opset16.onnx new file mode 100644 index 000000000..0a9c3d159 --- /dev/null +++ b/Computer_Vision/hrnet_w40_Opset16_timm/hrnet_w40_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08ad5c17bc75923c9492e6c5b3a01cc94d02981995f158947d0e6dc7d39f4c4e +size 230265022 diff --git a/Computer_Vision/hrnet_w40_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w40_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..67dfa3433 --- /dev/null +++ b/Computer_Vision/hrnet_w40_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 14.82178544998169 + set_success: 0.018790721893310547 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w40_timm_2c734eea/onnx/hrnet_w40_timm_2c734eea-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w40.py +class: HighResolutionNet +hash: 1678f194 +model_name: hrnet_w40 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 224868.2178 +onnx_ops_counter: + Add: 177 + Constant: 31 + Conv: 325 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 284 + Resize: 31 +parameters: 57557160 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w40_Opset17_timm/hrnet_w40_Opset17.onnx b/Computer_Vision/hrnet_w40_Opset17_timm/hrnet_w40_Opset17.onnx new file mode 100644 index 000000000..fcad3b5f2 --- /dev/null +++ b/Computer_Vision/hrnet_w40_Opset17_timm/hrnet_w40_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc6ad9d547a35c3ac65c8c3dbfc21aece445936cb3b974543d1a252fd82b7fc3 +size 230265022 diff --git a/Computer_Vision/hrnet_w40_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w40_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..008b4f442 --- /dev/null +++ b/Computer_Vision/hrnet_w40_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 14.701706886291504 + set_success: 0.019053936004638672 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w40_timm_2c734eea/onnx/hrnet_w40_timm_2c734eea-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w40.py +class: HighResolutionNet +hash: 1678f194 +model_name: hrnet_w40 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 224868.2178 +onnx_ops_counter: + Add: 177 + Constant: 31 + Conv: 325 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 284 + Resize: 31 +parameters: 57557160 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w40_Opset18_timm/hrnet_w40_Opset18.onnx b/Computer_Vision/hrnet_w40_Opset18_timm/hrnet_w40_Opset18.onnx new file mode 100644 index 000000000..14147afe2 --- /dev/null +++ b/Computer_Vision/hrnet_w40_Opset18_timm/hrnet_w40_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a8dab109828986fa69a49b2652c49c802ef60a33c14e671d4398fb8bac2693b1 +size 230265022 diff --git a/Computer_Vision/hrnet_w40_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w40_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c47c91251 --- /dev/null +++ b/Computer_Vision/hrnet_w40_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.447518348693848 + set_success: 0.02859640121459961 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w40_timm_2c734eea/onnx/hrnet_w40_timm_2c734eea-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w40.py +class: HighResolutionNet +hash: 1678f194 +model_name: hrnet_w40 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 224868.2178 +onnx_ops_counter: + Add: 177 + Constant: 31 + Conv: 325 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 284 + Resize: 31 +parameters: 57557160 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w44_Opset16_timm/hrnet_w44_Opset16.onnx b/Computer_Vision/hrnet_w44_Opset16_timm/hrnet_w44_Opset16.onnx new file mode 100644 index 000000000..6d6588750 --- /dev/null +++ b/Computer_Vision/hrnet_w44_Opset16_timm/hrnet_w44_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3f974d101f0d15a57599db451fdb080b58ec01bd5a0bcb0b884e9a7e6c050b2 +size 268282950 diff --git a/Computer_Vision/hrnet_w44_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w44_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c91ea3e54 --- /dev/null +++ b/Computer_Vision/hrnet_w44_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.020885944366455 + set_success: 0.019356966018676758 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w44_timm_afadb577/onnx/hrnet_w44_timm_afadb577-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w44.py +class: HighResolutionNet +hash: a0eb99ec +model_name: hrnet_w44 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 261995.1006 +onnx_ops_counter: + Add: 177 + Constant: 31 + Conv: 325 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 284 + Resize: 31 +parameters: 67064984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w44_Opset17_timm/hrnet_w44_Opset17.onnx b/Computer_Vision/hrnet_w44_Opset17_timm/hrnet_w44_Opset17.onnx new file mode 100644 index 000000000..274d6bbce --- /dev/null +++ b/Computer_Vision/hrnet_w44_Opset17_timm/hrnet_w44_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b24a50e9e636a8de363944666d564deefd0ee6dee8bfcdcd0b8f181db4e5f74 +size 268282950 diff --git a/Computer_Vision/hrnet_w44_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w44_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..74b5e09e6 --- /dev/null +++ b/Computer_Vision/hrnet_w44_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.159247159957886 + set_success: 0.028981924057006836 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w44_timm_afadb577/onnx/hrnet_w44_timm_afadb577-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w44.py +class: HighResolutionNet +hash: a0eb99ec +model_name: hrnet_w44 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 261995.1006 +onnx_ops_counter: + Add: 177 + Constant: 31 + Conv: 325 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 284 + Resize: 31 +parameters: 67064984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w44_Opset18_timm/hrnet_w44_Opset18.onnx b/Computer_Vision/hrnet_w44_Opset18_timm/hrnet_w44_Opset18.onnx new file mode 100644 index 000000000..2be93e1c1 --- /dev/null +++ b/Computer_Vision/hrnet_w44_Opset18_timm/hrnet_w44_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22783b5f4ab57a3c317a50fa750ce663c295185a59b017e1ef4edfd3d9133e4d +size 268282950 diff --git a/Computer_Vision/hrnet_w44_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w44_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7d248e798 --- /dev/null +++ b/Computer_Vision/hrnet_w44_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.02227282524109 + set_success: 0.02480292320251465 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w44_timm_afadb577/onnx/hrnet_w44_timm_afadb577-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w44.py +class: HighResolutionNet +hash: a0eb99ec +model_name: hrnet_w44 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 261995.1006 +onnx_ops_counter: + Add: 177 + Constant: 31 + Conv: 325 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 284 + Resize: 31 +parameters: 67064984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w48_Opset16_timm/hrnet_w48_Opset16.onnx b/Computer_Vision/hrnet_w48_Opset16_timm/hrnet_w48_Opset16.onnx new file mode 100644 index 000000000..6e5d720b0 --- /dev/null +++ b/Computer_Vision/hrnet_w48_Opset16_timm/hrnet_w48_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:601114e739e2911ebdb78b53d3fef61ac73d2fcbdec284d7f4f579ae5df43a8f +size 309889111 diff --git a/Computer_Vision/hrnet_w48_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w48_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6edc71e7f --- /dev/null +++ b/Computer_Vision/hrnet_w48_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.413119792938232 + set_success: 0.02274918556213379 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w48_timm_67967af1/onnx/hrnet_w48_timm_67967af1-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w48.py +class: HighResolutionNet +hash: 6ae9aeaa +model_name: hrnet_w48 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 302626.1172 +onnx_ops_counter: + Add: 177 + Constant: 31 + Conv: 325 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 284 + Resize: 31 +parameters: 77469864 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w48_Opset17_timm/hrnet_w48_Opset17.onnx b/Computer_Vision/hrnet_w48_Opset17_timm/hrnet_w48_Opset17.onnx new file mode 100644 index 000000000..3de16ae6f --- /dev/null +++ b/Computer_Vision/hrnet_w48_Opset17_timm/hrnet_w48_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:924d3d861b3e2d1e0c1c6e9a6c4e2a6729b5d884ebbce6cd7cc59b75cb8d1ce9 +size 309889111 diff --git a/Computer_Vision/hrnet_w48_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w48_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..98ae2c283 --- /dev/null +++ b/Computer_Vision/hrnet_w48_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.85234260559082 + set_success: 0.02104783058166504 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w48_timm_67967af1/onnx/hrnet_w48_timm_67967af1-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w48.py +class: HighResolutionNet +hash: 6ae9aeaa +model_name: hrnet_w48 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 302626.1172 +onnx_ops_counter: + Add: 177 + Constant: 31 + Conv: 325 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 284 + Resize: 31 +parameters: 77469864 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w48_Opset18_timm/hrnet_w48_Opset18.onnx b/Computer_Vision/hrnet_w48_Opset18_timm/hrnet_w48_Opset18.onnx new file mode 100644 index 000000000..0857a410e --- /dev/null +++ b/Computer_Vision/hrnet_w48_Opset18_timm/hrnet_w48_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:882599e6695ede0a659c45e5f6fa3912dc912364d547fb18ef3c9a0f23b281f5 +size 309889111 diff --git a/Computer_Vision/hrnet_w48_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w48_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a62bf25c0 --- /dev/null +++ b/Computer_Vision/hrnet_w48_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.778239727020264 + set_success: 0.0217130184173584 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w48_timm_67967af1/onnx/hrnet_w48_timm_67967af1-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w48.py +class: HighResolutionNet +hash: 6ae9aeaa +model_name: hrnet_w48 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 302626.1172 +onnx_ops_counter: + Add: 177 + Constant: 31 + Conv: 325 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 284 + Resize: 31 +parameters: 77469864 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w64_Opset16_timm/hrnet_w64_Opset16.onnx b/Computer_Vision/hrnet_w64_Opset16_timm/hrnet_w64_Opset16.onnx new file mode 100644 index 000000000..5ec6bdfc9 --- /dev/null +++ b/Computer_Vision/hrnet_w64_Opset16_timm/hrnet_w64_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6711b00fda15e6de9dbb046fd7bd967d5a783cf30e460a2dc494b09ba30f0fd2 +size 512196307 diff --git a/Computer_Vision/hrnet_w64_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w64_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..00e93e061 --- /dev/null +++ b/Computer_Vision/hrnet_w64_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.050368309020996 + set_success: 0.022350788116455078 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w64_timm_b837f80e/onnx/hrnet_w64_timm_b837f80e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w64.py +class: HighResolutionNet +hash: c3bffa4f +model_name: hrnet_w64 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 500191.7383 +onnx_ops_counter: + Add: 177 + Constant: 31 + Conv: 325 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 284 + Resize: 31 +parameters: 128059944 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w64_Opset17_timm/hrnet_w64_Opset17.onnx b/Computer_Vision/hrnet_w64_Opset17_timm/hrnet_w64_Opset17.onnx new file mode 100644 index 000000000..2b872e506 --- /dev/null +++ b/Computer_Vision/hrnet_w64_Opset17_timm/hrnet_w64_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3a0e64bdf0ed1365ba5bfabdf3b65b57d3550a971678c0c1a218dbd397f071e4 +size 512196307 diff --git a/Computer_Vision/hrnet_w64_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w64_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..26665acc6 --- /dev/null +++ b/Computer_Vision/hrnet_w64_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.42947268486023 + set_success: 0.022595882415771484 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w64_timm_b837f80e/onnx/hrnet_w64_timm_b837f80e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w64.py +class: HighResolutionNet +hash: c3bffa4f +model_name: hrnet_w64 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 500191.7383 +onnx_ops_counter: + Add: 177 + Constant: 31 + Conv: 325 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 284 + Resize: 31 +parameters: 128059944 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/hrnet_w64_Opset18_timm/hrnet_w64_Opset18.onnx b/Computer_Vision/hrnet_w64_Opset18_timm/hrnet_w64_Opset18.onnx new file mode 100644 index 000000000..dd1966d34 --- /dev/null +++ b/Computer_Vision/hrnet_w64_Opset18_timm/hrnet_w64_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce6c9afc811d647e4a19d3d797d1eef5a81d43b9e9169c337131a51b92c86b41 +size 512196307 diff --git a/Computer_Vision/hrnet_w64_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/hrnet_w64_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cf5d7a938 --- /dev/null +++ b/Computer_Vision/hrnet_w64_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.33573007583618 + set_success: 0.021355152130126953 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/hrnet_w64_timm_b837f80e/onnx/hrnet_w64_timm_b837f80e-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/hrnet_w64.py +class: HighResolutionNet +hash: c3bffa4f +model_name: hrnet_w64 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 500191.7383 +onnx_ops_counter: + Add: 177 + Constant: 31 + Conv: 325 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 284 + Resize: 31 +parameters: 128059944 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ig_resnext101_32x16d_Opset16_timm/ig_resnext101_32x16d_Opset16.onnx b/Computer_Vision/ig_resnext101_32x16d_Opset16_timm/ig_resnext101_32x16d_Opset16.onnx new file mode 100644 index 000000000..f3a1bad4e --- /dev/null +++ b/Computer_Vision/ig_resnext101_32x16d_Opset16_timm/ig_resnext101_32x16d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07828211612cec56c2594fbd1af9e33cd362fb02e1fe676bcff06bfd3ea6d48b +size 354807890 diff --git a/Computer_Vision/ig_resnext101_32x16d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/ig_resnext101_32x16d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0d634e97b --- /dev/null +++ b/Computer_Vision/ig_resnext101_32x16d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.322065353393555 + set_success: 0.019641399383544922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ig_resnext101_32x16d_timm_1e210a44/onnx/ig_resnext101_32x16d_timm_1e210a44-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ig_resnext101_32x16d.py +class: ResNet +hash: a37f8b3b +model_name: ig_resnext101_32x16d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 346492.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 88791336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ig_resnext101_32x16d_Opset17_timm/ig_resnext101_32x16d_Opset17.onnx b/Computer_Vision/ig_resnext101_32x16d_Opset17_timm/ig_resnext101_32x16d_Opset17.onnx new file mode 100644 index 000000000..913b0d54d --- /dev/null +++ b/Computer_Vision/ig_resnext101_32x16d_Opset17_timm/ig_resnext101_32x16d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8faae1beae36709f21a86ff35668d5bf5ae18f5f38fddb39ddf2d6f4054e4677 +size 354807890 diff --git a/Computer_Vision/ig_resnext101_32x16d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/ig_resnext101_32x16d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f9c2b2124 --- /dev/null +++ b/Computer_Vision/ig_resnext101_32x16d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.570960521697998 + set_success: 0.019779443740844727 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ig_resnext101_32x16d_timm_1e210a44/onnx/ig_resnext101_32x16d_timm_1e210a44-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ig_resnext101_32x16d.py +class: ResNet +hash: a37f8b3b +model_name: ig_resnext101_32x16d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 346492.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 88791336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ig_resnext101_32x16d_Opset18_timm/ig_resnext101_32x16d_Opset18.onnx b/Computer_Vision/ig_resnext101_32x16d_Opset18_timm/ig_resnext101_32x16d_Opset18.onnx new file mode 100644 index 000000000..dfe3a046a --- /dev/null +++ b/Computer_Vision/ig_resnext101_32x16d_Opset18_timm/ig_resnext101_32x16d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1fdc659e1b440ee94eca7450409952412de0d6f97d68ea8cdcb20a559d02327f +size 354807890 diff --git a/Computer_Vision/ig_resnext101_32x16d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/ig_resnext101_32x16d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5dcb15434 --- /dev/null +++ b/Computer_Vision/ig_resnext101_32x16d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.386300086975098 + set_success: 0.022739171981811523 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ig_resnext101_32x16d_timm_1e210a44/onnx/ig_resnext101_32x16d_timm_1e210a44-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ig_resnext101_32x16d.py +class: ResNet +hash: a37f8b3b +model_name: ig_resnext101_32x16d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 346492.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 88791336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ig_resnext101_32x32d_Opset16_timm/ig_resnext101_32x32d_Opset16.onnx b/Computer_Vision/ig_resnext101_32x32d_Opset16_timm/ig_resnext101_32x32d_Opset16.onnx new file mode 100644 index 000000000..f3a1bad4e --- /dev/null +++ b/Computer_Vision/ig_resnext101_32x32d_Opset16_timm/ig_resnext101_32x32d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07828211612cec56c2594fbd1af9e33cd362fb02e1fe676bcff06bfd3ea6d48b +size 354807890 diff --git a/Computer_Vision/ig_resnext101_32x32d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/ig_resnext101_32x32d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..09507d273 --- /dev/null +++ b/Computer_Vision/ig_resnext101_32x32d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.39129900932312 + set_success: 0.01842212677001953 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ig_resnext101_32x32d_timm_1e210a44/onnx/ig_resnext101_32x32d_timm_1e210a44-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ig_resnext101_32x32d.py +class: ResNet +hash: a37f8b3b +model_name: ig_resnext101_32x32d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 346492.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 88791336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ig_resnext101_32x32d_Opset17_timm/ig_resnext101_32x32d_Opset17.onnx b/Computer_Vision/ig_resnext101_32x32d_Opset17_timm/ig_resnext101_32x32d_Opset17.onnx new file mode 100644 index 000000000..913b0d54d --- /dev/null +++ b/Computer_Vision/ig_resnext101_32x32d_Opset17_timm/ig_resnext101_32x32d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8faae1beae36709f21a86ff35668d5bf5ae18f5f38fddb39ddf2d6f4054e4677 +size 354807890 diff --git a/Computer_Vision/ig_resnext101_32x32d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/ig_resnext101_32x32d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b4e3d014a --- /dev/null +++ b/Computer_Vision/ig_resnext101_32x32d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.289659738540649 + set_success: 0.024859905242919922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ig_resnext101_32x32d_timm_1e210a44/onnx/ig_resnext101_32x32d_timm_1e210a44-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ig_resnext101_32x32d.py +class: ResNet +hash: a37f8b3b +model_name: ig_resnext101_32x32d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 346492.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 88791336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ig_resnext101_32x32d_Opset18_timm/ig_resnext101_32x32d_Opset18.onnx b/Computer_Vision/ig_resnext101_32x32d_Opset18_timm/ig_resnext101_32x32d_Opset18.onnx new file mode 100644 index 000000000..dfe3a046a --- /dev/null +++ b/Computer_Vision/ig_resnext101_32x32d_Opset18_timm/ig_resnext101_32x32d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1fdc659e1b440ee94eca7450409952412de0d6f97d68ea8cdcb20a559d02327f +size 354807890 diff --git a/Computer_Vision/ig_resnext101_32x32d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/ig_resnext101_32x32d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..abf408b7b --- /dev/null +++ b/Computer_Vision/ig_resnext101_32x32d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.659700393676758 + set_success: 0.024554014205932617 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ig_resnext101_32x32d_timm_1e210a44/onnx/ig_resnext101_32x32d_timm_1e210a44-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ig_resnext101_32x32d.py +class: ResNet +hash: a37f8b3b +model_name: ig_resnext101_32x32d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 346492.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 88791336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ig_resnext101_32x48d_Opset16_timm/ig_resnext101_32x48d_Opset16.onnx b/Computer_Vision/ig_resnext101_32x48d_Opset16_timm/ig_resnext101_32x48d_Opset16.onnx new file mode 100644 index 000000000..f3a1bad4e --- /dev/null +++ b/Computer_Vision/ig_resnext101_32x48d_Opset16_timm/ig_resnext101_32x48d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07828211612cec56c2594fbd1af9e33cd362fb02e1fe676bcff06bfd3ea6d48b +size 354807890 diff --git a/Computer_Vision/ig_resnext101_32x48d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/ig_resnext101_32x48d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e22c24004 --- /dev/null +++ b/Computer_Vision/ig_resnext101_32x48d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.527154445648193 + set_success: 0.025698184967041016 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ig_resnext101_32x48d_timm_1e210a44/onnx/ig_resnext101_32x48d_timm_1e210a44-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ig_resnext101_32x48d.py +class: ResNet +hash: a37f8b3b +model_name: ig_resnext101_32x48d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 346492.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 88791336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ig_resnext101_32x48d_Opset17_timm/ig_resnext101_32x48d_Opset17.onnx b/Computer_Vision/ig_resnext101_32x48d_Opset17_timm/ig_resnext101_32x48d_Opset17.onnx new file mode 100644 index 000000000..913b0d54d --- /dev/null +++ b/Computer_Vision/ig_resnext101_32x48d_Opset17_timm/ig_resnext101_32x48d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8faae1beae36709f21a86ff35668d5bf5ae18f5f38fddb39ddf2d6f4054e4677 +size 354807890 diff --git a/Computer_Vision/ig_resnext101_32x48d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/ig_resnext101_32x48d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f7071a54a --- /dev/null +++ b/Computer_Vision/ig_resnext101_32x48d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.441027879714966 + set_success: 0.017323017120361328 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ig_resnext101_32x48d_timm_1e210a44/onnx/ig_resnext101_32x48d_timm_1e210a44-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ig_resnext101_32x48d.py +class: ResNet +hash: a37f8b3b +model_name: ig_resnext101_32x48d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 346492.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 88791336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ig_resnext101_32x48d_Opset18_timm/ig_resnext101_32x48d_Opset18.onnx b/Computer_Vision/ig_resnext101_32x48d_Opset18_timm/ig_resnext101_32x48d_Opset18.onnx new file mode 100644 index 000000000..dfe3a046a --- /dev/null +++ b/Computer_Vision/ig_resnext101_32x48d_Opset18_timm/ig_resnext101_32x48d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1fdc659e1b440ee94eca7450409952412de0d6f97d68ea8cdcb20a559d02327f +size 354807890 diff --git a/Computer_Vision/ig_resnext101_32x48d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/ig_resnext101_32x48d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..da6b8c14c --- /dev/null +++ b/Computer_Vision/ig_resnext101_32x48d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.430063247680664 + set_success: 0.021704912185668945 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ig_resnext101_32x48d_timm_1e210a44/onnx/ig_resnext101_32x48d_timm_1e210a44-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ig_resnext101_32x48d.py +class: ResNet +hash: a37f8b3b +model_name: ig_resnext101_32x48d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 346492.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 88791336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ig_resnext101_32x8d_Opset16_timm/ig_resnext101_32x8d_Opset16.onnx b/Computer_Vision/ig_resnext101_32x8d_Opset16_timm/ig_resnext101_32x8d_Opset16.onnx new file mode 100644 index 000000000..f3a1bad4e --- /dev/null +++ b/Computer_Vision/ig_resnext101_32x8d_Opset16_timm/ig_resnext101_32x8d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07828211612cec56c2594fbd1af9e33cd362fb02e1fe676bcff06bfd3ea6d48b +size 354807890 diff --git a/Computer_Vision/ig_resnext101_32x8d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/ig_resnext101_32x8d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..72d49f340 --- /dev/null +++ b/Computer_Vision/ig_resnext101_32x8d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.562368869781494 + set_success: 0.01902627944946289 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ig_resnext101_32x8d_timm_1e210a44/onnx/ig_resnext101_32x8d_timm_1e210a44-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ig_resnext101_32x8d.py +class: ResNet +hash: a37f8b3b +model_name: ig_resnext101_32x8d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 346492.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 88791336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ig_resnext101_32x8d_Opset17_timm/ig_resnext101_32x8d_Opset17.onnx b/Computer_Vision/ig_resnext101_32x8d_Opset17_timm/ig_resnext101_32x8d_Opset17.onnx new file mode 100644 index 000000000..913b0d54d --- /dev/null +++ b/Computer_Vision/ig_resnext101_32x8d_Opset17_timm/ig_resnext101_32x8d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8faae1beae36709f21a86ff35668d5bf5ae18f5f38fddb39ddf2d6f4054e4677 +size 354807890 diff --git a/Computer_Vision/ig_resnext101_32x8d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/ig_resnext101_32x8d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5215e80ca --- /dev/null +++ b/Computer_Vision/ig_resnext101_32x8d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.400573253631592 + set_success: 0.019608497619628906 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ig_resnext101_32x8d_timm_1e210a44/onnx/ig_resnext101_32x8d_timm_1e210a44-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ig_resnext101_32x8d.py +class: ResNet +hash: a37f8b3b +model_name: ig_resnext101_32x8d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 346492.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 88791336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ig_resnext101_32x8d_Opset18_timm/ig_resnext101_32x8d_Opset18.onnx b/Computer_Vision/ig_resnext101_32x8d_Opset18_timm/ig_resnext101_32x8d_Opset18.onnx new file mode 100644 index 000000000..dfe3a046a --- /dev/null +++ b/Computer_Vision/ig_resnext101_32x8d_Opset18_timm/ig_resnext101_32x8d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1fdc659e1b440ee94eca7450409952412de0d6f97d68ea8cdcb20a559d02327f +size 354807890 diff --git a/Computer_Vision/ig_resnext101_32x8d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/ig_resnext101_32x8d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8e0ded89c --- /dev/null +++ b/Computer_Vision/ig_resnext101_32x8d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.008903503417969 + set_success: 0.027864694595336914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ig_resnext101_32x8d_timm_1e210a44/onnx/ig_resnext101_32x8d_timm_1e210a44-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ig_resnext101_32x8d.py +class: ResNet +hash: a37f8b3b +model_name: ig_resnext101_32x8d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 346492.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 88791336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/inception_resnet_v2_Opset16_timm/inception_resnet_v2_Opset16.onnx b/Computer_Vision/inception_resnet_v2_Opset16_timm/inception_resnet_v2_Opset16.onnx new file mode 100644 index 000000000..abbd0679e --- /dev/null +++ b/Computer_Vision/inception_resnet_v2_Opset16_timm/inception_resnet_v2_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db89de4912dcdbef45cc3bff1234d85bf37930da8f7412b73232fbe70530d4ce +size 223402042 diff --git a/Computer_Vision/inception_resnet_v2_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/inception_resnet_v2_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e9911047a --- /dev/null +++ b/Computer_Vision/inception_resnet_v2_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.691270112991333 + set_success: 0.026285886764526367 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/inception_resnet_v2_timm_2b05901d/onnx/inception_resnet_v2_timm_2b05901d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/inception_resnet_v2.py +class: InceptionResnetV2 +hash: d7df6e3a +model_name: inception_resnet_v2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 218166.0889 +onnx_ops_counter: + Add: 40 + AveragePool: 1 + Concat: 43 + Constant: 40 + Conv: 244 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Mul: 40 + Relu: 243 +parameters: 55843464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/inception_resnet_v2_Opset17_timm/inception_resnet_v2_Opset17.onnx b/Computer_Vision/inception_resnet_v2_Opset17_timm/inception_resnet_v2_Opset17.onnx new file mode 100644 index 000000000..ac61014cc --- /dev/null +++ b/Computer_Vision/inception_resnet_v2_Opset17_timm/inception_resnet_v2_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d5282a8b518bbbf18d5d902d6a88d2c5ff7fb2a8a875c0f3a27323327be2674 +size 223402042 diff --git a/Computer_Vision/inception_resnet_v2_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/inception_resnet_v2_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..180b58695 --- /dev/null +++ b/Computer_Vision/inception_resnet_v2_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.020915508270264 + set_success: 0.021147727966308594 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/inception_resnet_v2_timm_2b05901d/onnx/inception_resnet_v2_timm_2b05901d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/inception_resnet_v2.py +class: InceptionResnetV2 +hash: d7df6e3a +model_name: inception_resnet_v2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 218166.0889 +onnx_ops_counter: + Add: 40 + AveragePool: 1 + Concat: 43 + Constant: 40 + Conv: 244 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Mul: 40 + Relu: 243 +parameters: 55843464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/inception_resnet_v2_Opset18_timm/inception_resnet_v2_Opset18.onnx b/Computer_Vision/inception_resnet_v2_Opset18_timm/inception_resnet_v2_Opset18.onnx new file mode 100644 index 000000000..2bdcec246 --- /dev/null +++ b/Computer_Vision/inception_resnet_v2_Opset18_timm/inception_resnet_v2_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fd7a1ec24fab1b28885605d873c89ef7a30ac4bd5208b1e7b43c2cd8094440db +size 223402042 diff --git a/Computer_Vision/inception_resnet_v2_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/inception_resnet_v2_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cf032bd8c --- /dev/null +++ b/Computer_Vision/inception_resnet_v2_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.091188192367554 + set_success: 0.021535634994506836 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/inception_resnet_v2_timm_2b05901d/onnx/inception_resnet_v2_timm_2b05901d-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/inception_resnet_v2.py +class: InceptionResnetV2 +hash: d7df6e3a +model_name: inception_resnet_v2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 218166.0889 +onnx_ops_counter: + Add: 40 + AveragePool: 1 + Concat: 43 + Constant: 40 + Conv: 244 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Mul: 40 + Relu: 243 +parameters: 55843464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/inception_v3_Opset16_timm/inception_v3_Opset16.onnx b/Computer_Vision/inception_v3_Opset16_timm/inception_v3_Opset16.onnx new file mode 100644 index 000000000..8a099b37f --- /dev/null +++ b/Computer_Vision/inception_v3_Opset16_timm/inception_v3_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:58dd72869adc9cc8c82278f7c5d35cdd6eba7c63e956c3e065f4523629a301e7 +size 95317116 diff --git a/Computer_Vision/inception_v3_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/inception_v3_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ea03ea835 --- /dev/null +++ b/Computer_Vision/inception_v3_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.3979086875915527 + set_success: 0.016833782196044922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/inception_v3_timm_6ead9f43/onnx/inception_v3_timm_6ead9f43-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/inception_v3.py +class: InceptionV3 +hash: 4599a3df +model_name: inception_v3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 93083.1533 +onnx_ops_counter: + AveragePool: 9 + Concat: 11 + Conv: 94 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Relu: 94 +parameters: 23834568 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/inception_v3_Opset16_torch_hub/inception_v3_Opset16.onnx b/Computer_Vision/inception_v3_Opset16_torch_hub/inception_v3_Opset16.onnx new file mode 100644 index 000000000..0ff2d52f5 --- /dev/null +++ b/Computer_Vision/inception_v3_Opset16_torch_hub/inception_v3_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ec67030aae57294af492bbb2559dbaef8ab2c07e4d4f3d662848d02dd5b8217 +size 95316962 diff --git a/Computer_Vision/inception_v3_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/inception_v3_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..0114536c6 --- /dev/null +++ b/Computer_Vision/inception_v3_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.3510591983795166 + set_success: 0.015494823455810547 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/inception_v3_torch_hub_97e0a4b3/onnx/inception_v3_torch_hub_97e0a4b3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/inception_v3.py +class: Inception3 +hash: 46db3db5 +model_name: inception_v3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 93083.0029 +onnx_ops_counter: + Add: 3 + AveragePool: 9 + Concat: 12 + Constant: 12 + Conv: 94 + Flatten: 1 + Gather: 3 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Mul: 3 + Relu: 94 + Unsqueeze: 3 +parameters: 27161264 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/inception_v3_Opset17_timm/inception_v3_Opset17.onnx b/Computer_Vision/inception_v3_Opset17_timm/inception_v3_Opset17.onnx new file mode 100644 index 000000000..8ecf4c63e --- /dev/null +++ b/Computer_Vision/inception_v3_Opset17_timm/inception_v3_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d714dcf66d2a2819681b7e1900deab67d5a4be0725014390bd044d1fea746b1c +size 95317116 diff --git a/Computer_Vision/inception_v3_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/inception_v3_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a19e21581 --- /dev/null +++ b/Computer_Vision/inception_v3_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.462148427963257 + set_success: 0.025218725204467773 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/inception_v3_timm_6ead9f43/onnx/inception_v3_timm_6ead9f43-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/inception_v3.py +class: InceptionV3 +hash: 4599a3df +model_name: inception_v3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 93083.1533 +onnx_ops_counter: + AveragePool: 9 + Concat: 11 + Conv: 94 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Relu: 94 +parameters: 23834568 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/inception_v3_Opset17_torch_hub/inception_v3_Opset17.onnx b/Computer_Vision/inception_v3_Opset17_torch_hub/inception_v3_Opset17.onnx new file mode 100644 index 000000000..0845d1ef7 --- /dev/null +++ b/Computer_Vision/inception_v3_Opset17_torch_hub/inception_v3_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2bf53d021ea7c60ee8238f144681b3d5b9546dea373dbe244cb0698795142676 +size 95316962 diff --git a/Computer_Vision/inception_v3_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/inception_v3_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..d8e742ba3 --- /dev/null +++ b/Computer_Vision/inception_v3_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.475247859954834 + set_success: 0.016031265258789062 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/inception_v3_torch_hub_97e0a4b3/onnx/inception_v3_torch_hub_97e0a4b3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/inception_v3.py +class: Inception3 +hash: 46db3db5 +model_name: inception_v3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 93083.0029 +onnx_ops_counter: + Add: 3 + AveragePool: 9 + Concat: 12 + Constant: 12 + Conv: 94 + Flatten: 1 + Gather: 3 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Mul: 3 + Relu: 94 + Unsqueeze: 3 +parameters: 27161264 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/inception_v3_Opset18_timm/inception_v3_Opset18.onnx b/Computer_Vision/inception_v3_Opset18_timm/inception_v3_Opset18.onnx new file mode 100644 index 000000000..d06440305 --- /dev/null +++ b/Computer_Vision/inception_v3_Opset18_timm/inception_v3_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c4d88a7bbcd69430b435e4ffe55fc15d5cf8ade7a03d9949df0129e1623cafb8 +size 95317116 diff --git a/Computer_Vision/inception_v3_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/inception_v3_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0f697a5c0 --- /dev/null +++ b/Computer_Vision/inception_v3_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.444981575012207 + set_success: 0.020257949829101562 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/inception_v3_timm_6ead9f43/onnx/inception_v3_timm_6ead9f43-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/inception_v3.py +class: InceptionV3 +hash: 4599a3df +model_name: inception_v3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 93083.1533 +onnx_ops_counter: + AveragePool: 9 + Concat: 11 + Conv: 94 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Relu: 94 +parameters: 23834568 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/inception_v3_Opset18_torch_hub/inception_v3_Opset18.onnx b/Computer_Vision/inception_v3_Opset18_torch_hub/inception_v3_Opset18.onnx new file mode 100644 index 000000000..898791e30 --- /dev/null +++ b/Computer_Vision/inception_v3_Opset18_torch_hub/inception_v3_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77dcc858a25b4fadf4909cdc7b4523b42e6bb7768cd1695b89f69659ae22ee69 +size 95316962 diff --git a/Computer_Vision/inception_v3_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/inception_v3_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..567b3a00f --- /dev/null +++ b/Computer_Vision/inception_v3_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.459368944168091 + set_success: 0.018781661987304688 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/inception_v3_torch_hub_97e0a4b3/onnx/inception_v3_torch_hub_97e0a4b3-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/inception_v3.py +class: Inception3 +hash: 46db3db5 +model_name: inception_v3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 93083.0029 +onnx_ops_counter: + Add: 3 + AveragePool: 9 + Concat: 12 + Constant: 12 + Conv: 94 + Flatten: 1 + Gather: 3 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Mul: 3 + Relu: 94 + Unsqueeze: 3 +parameters: 27161264 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/inception_v4_Opset16_timm/inception_v4_Opset16.onnx b/Computer_Vision/inception_v4_Opset16_timm/inception_v4_Opset16.onnx new file mode 100644 index 000000000..0b84d0b04 --- /dev/null +++ b/Computer_Vision/inception_v4_Opset16_timm/inception_v4_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ccbc50dae90438c6f10095804c62844726f3512fe5a8ed5659262569a73e6e63 +size 170683767 diff --git a/Computer_Vision/inception_v4_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/inception_v4_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bfd6ca970 --- /dev/null +++ b/Computer_Vision/inception_v4_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.533750057220459 + set_success: 0.018850088119506836 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/inception_v4_timm_470aee5a/onnx/inception_v4_timm_470aee5a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/inception_v4.py +class: InceptionV4 +hash: 6a03d180 +model_name: inception_v4 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 166683.3984 +onnx_ops_counter: + AveragePool: 14 + Concat: 19 + Conv: 149 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Relu: 149 +parameters: 42679816 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/inception_v4_Opset17_timm/inception_v4_Opset17.onnx b/Computer_Vision/inception_v4_Opset17_timm/inception_v4_Opset17.onnx new file mode 100644 index 000000000..688141ff9 --- /dev/null +++ b/Computer_Vision/inception_v4_Opset17_timm/inception_v4_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b693399339ff86272b78bc5917c191727bb7f569513149c4a11c3acf208befe9 +size 170683767 diff --git a/Computer_Vision/inception_v4_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/inception_v4_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a29f76d7c --- /dev/null +++ b/Computer_Vision/inception_v4_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.716799259185791 + set_success: 0.021184444427490234 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/inception_v4_timm_470aee5a/onnx/inception_v4_timm_470aee5a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/inception_v4.py +class: InceptionV4 +hash: 6a03d180 +model_name: inception_v4 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 166683.3984 +onnx_ops_counter: + AveragePool: 14 + Concat: 19 + Conv: 149 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Relu: 149 +parameters: 42679816 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/inception_v4_Opset18_timm/inception_v4_Opset18.onnx b/Computer_Vision/inception_v4_Opset18_timm/inception_v4_Opset18.onnx new file mode 100644 index 000000000..5bd5c700d --- /dev/null +++ b/Computer_Vision/inception_v4_Opset18_timm/inception_v4_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:714128e99354539e7f95c31fe2362bfe7a78ab9aceb3a00208814ce1ca3983f3 +size 170683767 diff --git a/Computer_Vision/inception_v4_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/inception_v4_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..98faeed99 --- /dev/null +++ b/Computer_Vision/inception_v4_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.719977617263794 + set_success: 0.02191305160522461 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/inception_v4_timm_470aee5a/onnx/inception_v4_timm_470aee5a-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/inception_v4.py +class: InceptionV4 +hash: 6a03d180 +model_name: inception_v4 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 166683.3984 +onnx_ops_counter: + AveragePool: 14 + Concat: 19 + Conv: 149 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Relu: 149 +parameters: 42679816 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/jx_nest_base_Opset16_timm/jx_nest_base_Opset16.onnx b/Computer_Vision/jx_nest_base_Opset16_timm/jx_nest_base_Opset16.onnx new file mode 100644 index 000000000..7a5fb29af --- /dev/null +++ b/Computer_Vision/jx_nest_base_Opset16_timm/jx_nest_base_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ff681a5d2bfdcf1820cf81061ba1ebb45d7686a1ad27c00720ecd7050003077 +size 271613088 diff --git a/Computer_Vision/jx_nest_base_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/jx_nest_base_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..347613205 --- /dev/null +++ b/Computer_Vision/jx_nest_base_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,223 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.276705026626587 + set_success: 0.021916627883911133 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/jx_nest_base_timm_53a80e44/onnx/jx_nest_base_timm_53a80e44-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/jx_nest_base.py +class: Nest +hash: 1432e562 +model_name: jx_nest_base +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 265247.1885 +onnx_ops_counter: + Add: 281 + Cast: 92 + Ceil: 4 + Clip: 4 + Concat: 58 + Constant: 802 + ConstantOfShape: 2 + Conv: 3 + Div: 131 + Erf: 24 + Flatten: 1 + Gather: 104 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 144 + MaxPool: 2 + Mul: 153 + Pad: 2 + Pow: 51 + ReduceMean: 102 + Reshape: 64 + Shape: 128 + Slice: 26 + Softmax: 24 + Split: 24 + Sqrt: 123 + Squeeze: 72 + Sub: 65 + Transpose: 90 + Unsqueeze: 214 +parameters: 67723368 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/jx_nest_base_Opset17_timm/jx_nest_base_Opset17.onnx b/Computer_Vision/jx_nest_base_Opset17_timm/jx_nest_base_Opset17.onnx new file mode 100644 index 000000000..dc1226c1d --- /dev/null +++ b/Computer_Vision/jx_nest_base_Opset17_timm/jx_nest_base_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c1f6088a32c50ca89620e47b7c7b75df4dc5d2d1402ab8ca5670aae8c375579 +size 271484478 diff --git a/Computer_Vision/jx_nest_base_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/jx_nest_base_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c4d715f38 --- /dev/null +++ b/Computer_Vision/jx_nest_base_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.646199941635132 + set_success: 0.024057626724243164 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/jx_nest_base_timm_53a80e44/onnx/jx_nest_base_timm_53a80e44-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/jx_nest_base.py +class: Nest +hash: 1432e562 +model_name: jx_nest_base +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 265121.5928 +onnx_ops_counter: + Add: 179 + Cast: 92 + Ceil: 4 + Clip: 4 + Concat: 58 + Constant: 700 + ConstantOfShape: 2 + Conv: 3 + Div: 80 + Erf: 24 + Flatten: 1 + Gather: 104 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 51 + MatMul: 144 + MaxPool: 2 + Mul: 102 + Pad: 2 + Reshape: 64 + Shape: 128 + Slice: 26 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 72 + Sub: 14 + Transpose: 90 + Unsqueeze: 214 +parameters: 67723368 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/jx_nest_base_Opset18_timm/jx_nest_base_Opset18.onnx b/Computer_Vision/jx_nest_base_Opset18_timm/jx_nest_base_Opset18.onnx new file mode 100644 index 000000000..b6014e079 --- /dev/null +++ b/Computer_Vision/jx_nest_base_Opset18_timm/jx_nest_base_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:687a11e6edd9c3cacf3b217df17219249973f4ebaf725cf9cfd0f0f60b511ed8 +size 271484478 diff --git a/Computer_Vision/jx_nest_base_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/jx_nest_base_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bd21a57cc --- /dev/null +++ b/Computer_Vision/jx_nest_base_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.983247756958008 + set_success: 0.03206181526184082 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/jx_nest_base_timm_53a80e44/onnx/jx_nest_base_timm_53a80e44-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/jx_nest_base.py +class: Nest +hash: 1432e562 +model_name: jx_nest_base +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 265121.5928 +onnx_ops_counter: + Add: 179 + Cast: 92 + Ceil: 4 + Clip: 4 + Concat: 58 + Constant: 700 + ConstantOfShape: 2 + Conv: 3 + Div: 80 + Erf: 24 + Flatten: 1 + Gather: 104 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 51 + MatMul: 144 + MaxPool: 2 + Mul: 102 + Pad: 2 + Reshape: 64 + Shape: 128 + Slice: 26 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 72 + Sub: 14 + Transpose: 90 + Unsqueeze: 214 +parameters: 67723368 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/jx_nest_small_Opset16_timm/jx_nest_small_Opset16.onnx b/Computer_Vision/jx_nest_small_Opset16_timm/jx_nest_small_Opset16.onnx new file mode 100644 index 000000000..99df072cc --- /dev/null +++ b/Computer_Vision/jx_nest_small_Opset16_timm/jx_nest_small_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d84a720d21f491b3f3bdff573187869b5fc45e7f563b7e9b5b852e9a1384f1a +size 154124253 diff --git a/Computer_Vision/jx_nest_small_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/jx_nest_small_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d26f9da36 --- /dev/null +++ b/Computer_Vision/jx_nest_small_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,223 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.12198543548584 + set_success: 0.01986861228942871 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/jx_nest_small_timm_c275c3ae/onnx/jx_nest_small_timm_c275c3ae-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/jx_nest_small.py +class: Nest +hash: 586ca69a +model_name: jx_nest_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 150511.998 +onnx_ops_counter: + Add: 281 + Cast: 92 + Ceil: 4 + Clip: 4 + Concat: 58 + Constant: 802 + ConstantOfShape: 2 + Conv: 3 + Div: 131 + Erf: 24 + Flatten: 1 + Gather: 104 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 144 + MaxPool: 2 + Mul: 153 + Pad: 2 + Pow: 51 + ReduceMean: 102 + Reshape: 64 + Shape: 128 + Slice: 26 + Softmax: 24 + Split: 24 + Sqrt: 123 + Squeeze: 72 + Sub: 65 + Transpose: 90 + Unsqueeze: 214 +parameters: 38351176 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/jx_nest_small_Opset17_timm/jx_nest_small_Opset17.onnx b/Computer_Vision/jx_nest_small_Opset17_timm/jx_nest_small_Opset17.onnx new file mode 100644 index 000000000..3280c0527 --- /dev/null +++ b/Computer_Vision/jx_nest_small_Opset17_timm/jx_nest_small_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85c95c53abe7c88d427ab575f7cdb502e6c2364a7b1f86ee3648315ffb6161ae +size 153995643 diff --git a/Computer_Vision/jx_nest_small_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/jx_nest_small_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1f62192cd --- /dev/null +++ b/Computer_Vision/jx_nest_small_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.7800257205963135 + set_success: 0.02110433578491211 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/jx_nest_small_timm_c275c3ae/onnx/jx_nest_small_timm_c275c3ae-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/jx_nest_small.py +class: Nest +hash: 586ca69a +model_name: jx_nest_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 150386.4023 +onnx_ops_counter: + Add: 179 + Cast: 92 + Ceil: 4 + Clip: 4 + Concat: 58 + Constant: 700 + ConstantOfShape: 2 + Conv: 3 + Div: 80 + Erf: 24 + Flatten: 1 + Gather: 104 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 51 + MatMul: 144 + MaxPool: 2 + Mul: 102 + Pad: 2 + Reshape: 64 + Shape: 128 + Slice: 26 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 72 + Sub: 14 + Transpose: 90 + Unsqueeze: 214 +parameters: 38351176 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/jx_nest_small_Opset18_timm/jx_nest_small_Opset18.onnx b/Computer_Vision/jx_nest_small_Opset18_timm/jx_nest_small_Opset18.onnx new file mode 100644 index 000000000..d53c71765 --- /dev/null +++ b/Computer_Vision/jx_nest_small_Opset18_timm/jx_nest_small_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ade085c6b94d7a9d01928a9dbb3337d1afab94af396aacf1b3967d3eba7dac5 +size 153995643 diff --git a/Computer_Vision/jx_nest_small_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/jx_nest_small_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..aaa742c14 --- /dev/null +++ b/Computer_Vision/jx_nest_small_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.721642971038818 + set_success: 0.02051091194152832 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/jx_nest_small_timm_c275c3ae/onnx/jx_nest_small_timm_c275c3ae-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/jx_nest_small.py +class: Nest +hash: 586ca69a +model_name: jx_nest_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 150386.4023 +onnx_ops_counter: + Add: 179 + Cast: 92 + Ceil: 4 + Clip: 4 + Concat: 58 + Constant: 700 + ConstantOfShape: 2 + Conv: 3 + Div: 80 + Erf: 24 + Flatten: 1 + Gather: 104 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 51 + MatMul: 144 + MaxPool: 2 + Mul: 102 + Pad: 2 + Reshape: 64 + Shape: 128 + Slice: 26 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 72 + Sub: 14 + Transpose: 90 + Unsqueeze: 214 +parameters: 38351176 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/jx_nest_tiny_Opset16_timm/jx_nest_tiny_Opset16.onnx b/Computer_Vision/jx_nest_tiny_Opset16_timm/jx_nest_tiny_Opset16.onnx new file mode 100644 index 000000000..a8e1d9464 --- /dev/null +++ b/Computer_Vision/jx_nest_tiny_Opset16_timm/jx_nest_tiny_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3f1256ea428badbe0d47835e0c8a7437cddaedfdbe59dc7c8fde954bf621c26 +size 68606213 diff --git a/Computer_Vision/jx_nest_tiny_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/jx_nest_tiny_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2d7949210 --- /dev/null +++ b/Computer_Vision/jx_nest_tiny_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,223 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.549253463745117 + set_success: 0.0188906192779541 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/jx_nest_tiny_timm_12af7a09/onnx/jx_nest_tiny_timm_12af7a09-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/jx_nest_tiny.py +class: Nest +hash: 84d41539 +model_name: jx_nest_tiny +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 66998.2871 +onnx_ops_counter: + Add: 149 + Cast: 56 + Ceil: 4 + Clip: 4 + Concat: 34 + Constant: 454 + ConstantOfShape: 2 + Conv: 3 + Div: 71 + Erf: 12 + Flatten: 1 + Gather: 56 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 72 + MaxPool: 2 + Mul: 81 + Pad: 2 + Pow: 27 + ReduceMean: 54 + Reshape: 40 + Shape: 68 + Slice: 14 + Softmax: 12 + Split: 12 + Sqrt: 63 + Squeeze: 36 + Sub: 41 + Transpose: 54 + Unsqueeze: 118 +parameters: 17057608 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/jx_nest_tiny_Opset17_timm/jx_nest_tiny_Opset17.onnx b/Computer_Vision/jx_nest_tiny_Opset17_timm/jx_nest_tiny_Opset17.onnx new file mode 100644 index 000000000..672aecd8d --- /dev/null +++ b/Computer_Vision/jx_nest_tiny_Opset17_timm/jx_nest_tiny_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:919daf2913779e0c5e32b987d60168dd5af16da5f90e42f5d7141cb055c4297d +size 68540450 diff --git a/Computer_Vision/jx_nest_tiny_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/jx_nest_tiny_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ed538698a --- /dev/null +++ b/Computer_Vision/jx_nest_tiny_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.310314178466797 + set_success: 0.018828630447387695 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/jx_nest_tiny_timm_12af7a09/onnx/jx_nest_tiny_timm_12af7a09-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/jx_nest_tiny.py +class: Nest +hash: 84d41539 +model_name: jx_nest_tiny +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 66934.0654 +onnx_ops_counter: + Add: 95 + Cast: 56 + Ceil: 4 + Clip: 4 + Concat: 34 + Constant: 400 + ConstantOfShape: 2 + Conv: 3 + Div: 44 + Erf: 12 + Flatten: 1 + Gather: 56 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 27 + MatMul: 72 + MaxPool: 2 + Mul: 54 + Pad: 2 + Reshape: 40 + Shape: 68 + Slice: 14 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Sub: 14 + Transpose: 54 + Unsqueeze: 118 +parameters: 17057608 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/jx_nest_tiny_Opset18_timm/jx_nest_tiny_Opset18.onnx b/Computer_Vision/jx_nest_tiny_Opset18_timm/jx_nest_tiny_Opset18.onnx new file mode 100644 index 000000000..f9024b147 --- /dev/null +++ b/Computer_Vision/jx_nest_tiny_Opset18_timm/jx_nest_tiny_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2bb53934f9c73619f639292d584178b2933aedd98077453c54d4da70581b868 +size 68540450 diff --git a/Computer_Vision/jx_nest_tiny_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/jx_nest_tiny_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8dca19f27 --- /dev/null +++ b/Computer_Vision/jx_nest_tiny_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.3938181400299072 + set_success: 0.02114081382751465 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/jx_nest_tiny_timm_12af7a09/onnx/jx_nest_tiny_timm_12af7a09-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/jx_nest_tiny.py +class: Nest +hash: 84d41539 +model_name: jx_nest_tiny +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 66934.0654 +onnx_ops_counter: + Add: 95 + Cast: 56 + Ceil: 4 + Clip: 4 + Concat: 34 + Constant: 400 + ConstantOfShape: 2 + Conv: 3 + Div: 44 + Erf: 12 + Flatten: 1 + Gather: 56 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 27 + MatMul: 72 + MaxPool: 2 + Mul: 54 + Pad: 2 + Reshape: 40 + Shape: 68 + Slice: 14 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Sub: 14 + Transpose: 54 + Unsqueeze: 118 +parameters: 17057608 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/lambda_resnet26rpt_256_Opset16_timm/lambda_resnet26rpt_256_Opset16.onnx b/Computer_Vision/lambda_resnet26rpt_256_Opset16_timm/lambda_resnet26rpt_256_Opset16.onnx new file mode 100644 index 000000000..273ee3946 --- /dev/null +++ b/Computer_Vision/lambda_resnet26rpt_256_Opset16_timm/lambda_resnet26rpt_256_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba197b456c79c22b12a80bd74f5e336ea13eedd9a09a89abe57ae42e9821a26a +size 44518837 diff --git a/Computer_Vision/lambda_resnet26rpt_256_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/lambda_resnet26rpt_256_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..88d8a0181 --- /dev/null +++ b/Computer_Vision/lambda_resnet26rpt_256_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3026154041290283 + set_success: 0.019479751586914062 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/lambda_resnet26rpt_256_timm_876de2e3/onnx/lambda_resnet26rpt_256_timm_876de2e3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/lambda_resnet26rpt_256.py +class: ByobNet +hash: 1d89f315 +model_name: lambda_resnet26rpt_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 43475.459 +onnx_ops_counter: + Add: 11 + AveragePool: 1 + BatchNormalization: 9 + Constant: 38 + ConstantOfShape: 3 + Conv: 31 + Equal: 3 + Expand: 3 + Flatten: 4 + Gather: 3 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 4 + MatMul: 12 + MaxPool: 1 + Mul: 3 + Relu: 27 + Reshape: 18 + Softmax: 3 + Split: 3 + Squeeze: 3 + Transpose: 12 + Unsqueeze: 12 + Where: 3 +parameters: 10988688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/lambda_resnet26rpt_256_Opset17_timm/lambda_resnet26rpt_256_Opset17.onnx b/Computer_Vision/lambda_resnet26rpt_256_Opset17_timm/lambda_resnet26rpt_256_Opset17.onnx new file mode 100644 index 000000000..0cbe481df --- /dev/null +++ b/Computer_Vision/lambda_resnet26rpt_256_Opset17_timm/lambda_resnet26rpt_256_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d7b3420ba4e0c8d09f6830aab9ad90855c595049700d7f05a2a2f29b39bc7a1a +size 44518837 diff --git a/Computer_Vision/lambda_resnet26rpt_256_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/lambda_resnet26rpt_256_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3fa116c25 --- /dev/null +++ b/Computer_Vision/lambda_resnet26rpt_256_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3266959190368652 + set_success: 0.017210960388183594 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/lambda_resnet26rpt_256_timm_876de2e3/onnx/lambda_resnet26rpt_256_timm_876de2e3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/lambda_resnet26rpt_256.py +class: ByobNet +hash: 1d89f315 +model_name: lambda_resnet26rpt_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 43475.459 +onnx_ops_counter: + Add: 11 + AveragePool: 1 + BatchNormalization: 9 + Constant: 38 + ConstantOfShape: 3 + Conv: 31 + Equal: 3 + Expand: 3 + Flatten: 4 + Gather: 3 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 4 + MatMul: 12 + MaxPool: 1 + Mul: 3 + Relu: 27 + Reshape: 18 + Softmax: 3 + Split: 3 + Squeeze: 3 + Transpose: 12 + Unsqueeze: 12 + Where: 3 +parameters: 10988688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/lambda_resnet26rpt_256_Opset18_timm/lambda_resnet26rpt_256_Opset18.onnx b/Computer_Vision/lambda_resnet26rpt_256_Opset18_timm/lambda_resnet26rpt_256_Opset18.onnx new file mode 100644 index 000000000..817e86dec --- /dev/null +++ b/Computer_Vision/lambda_resnet26rpt_256_Opset18_timm/lambda_resnet26rpt_256_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a560203c0f13bb342e30b40859686880fd5b288bd7813755a84f8695c40bffea +size 44518837 diff --git a/Computer_Vision/lambda_resnet26rpt_256_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/lambda_resnet26rpt_256_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d95d4cc40 --- /dev/null +++ b/Computer_Vision/lambda_resnet26rpt_256_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3419623374938965 + set_success: 0.021685361862182617 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/lambda_resnet26rpt_256_timm_876de2e3/onnx/lambda_resnet26rpt_256_timm_876de2e3-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/lambda_resnet26rpt_256.py +class: ByobNet +hash: 1d89f315 +model_name: lambda_resnet26rpt_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 43475.459 +onnx_ops_counter: + Add: 11 + AveragePool: 1 + BatchNormalization: 9 + Constant: 38 + ConstantOfShape: 3 + Conv: 31 + Equal: 3 + Expand: 3 + Flatten: 4 + Gather: 3 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 4 + MatMul: 12 + MaxPool: 1 + Mul: 3 + Relu: 27 + Reshape: 18 + Softmax: 3 + Split: 3 + Squeeze: 3 + Transpose: 12 + Unsqueeze: 12 + Where: 3 +parameters: 10988688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/lambda_resnet26t_Opset16_timm/lambda_resnet26t_Opset16.onnx b/Computer_Vision/lambda_resnet26t_Opset16_timm/lambda_resnet26t_Opset16.onnx new file mode 100644 index 000000000..ed70b65d3 --- /dev/null +++ b/Computer_Vision/lambda_resnet26t_Opset16_timm/lambda_resnet26t_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d6c6fd8b1e779aa6cc59420004e182e0be11309720cf9369336f29f7f8cd8ca +size 43833226 diff --git a/Computer_Vision/lambda_resnet26t_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/lambda_resnet26t_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..df018412d --- /dev/null +++ b/Computer_Vision/lambda_resnet26t_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1112096309661865 + set_success: 0.016421079635620117 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/lambda_resnet26t_timm_613f41c6/onnx/lambda_resnet26t_timm_613f41c6-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/lambda_resnet26t.py +class: ByobNet +hash: 10eba1dc +model_name: lambda_resnet26t +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 42805.917 +onnx_ops_counter: + Add: 11 + AveragePool: 1 + BatchNormalization: 9 + Constant: 29 + Conv: 34 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 9 + MaxPool: 1 + Relu: 27 + Reshape: 18 + Softmax: 3 + Split: 3 + Squeeze: 3 + Transpose: 12 + Unsqueeze: 6 +parameters: 10958272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/lambda_resnet26t_Opset17_timm/lambda_resnet26t_Opset17.onnx b/Computer_Vision/lambda_resnet26t_Opset17_timm/lambda_resnet26t_Opset17.onnx new file mode 100644 index 000000000..a6357f533 --- /dev/null +++ b/Computer_Vision/lambda_resnet26t_Opset17_timm/lambda_resnet26t_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d2aa7199597547ed6145b2ca9b823d7cbd3f4bd5e38771eff882760269030450 +size 43833226 diff --git a/Computer_Vision/lambda_resnet26t_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/lambda_resnet26t_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0f78287d6 --- /dev/null +++ b/Computer_Vision/lambda_resnet26t_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1483633518218994 + set_success: 0.017022132873535156 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/lambda_resnet26t_timm_613f41c6/onnx/lambda_resnet26t_timm_613f41c6-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/lambda_resnet26t.py +class: ByobNet +hash: 10eba1dc +model_name: lambda_resnet26t +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 42805.917 +onnx_ops_counter: + Add: 11 + AveragePool: 1 + BatchNormalization: 9 + Constant: 29 + Conv: 34 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 9 + MaxPool: 1 + Relu: 27 + Reshape: 18 + Softmax: 3 + Split: 3 + Squeeze: 3 + Transpose: 12 + Unsqueeze: 6 +parameters: 10958272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/lambda_resnet26t_Opset18_timm/lambda_resnet26t_Opset18.onnx b/Computer_Vision/lambda_resnet26t_Opset18_timm/lambda_resnet26t_Opset18.onnx new file mode 100644 index 000000000..98ee4b64f --- /dev/null +++ b/Computer_Vision/lambda_resnet26t_Opset18_timm/lambda_resnet26t_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8070c11e4f4d48f55a484510ba89ac0d1925182db7b4342cb047a0ded6e46af4 +size 43833226 diff --git a/Computer_Vision/lambda_resnet26t_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/lambda_resnet26t_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b1c54f6a4 --- /dev/null +++ b/Computer_Vision/lambda_resnet26t_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1817870140075684 + set_success: 0.017608165740966797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/lambda_resnet26t_timm_613f41c6/onnx/lambda_resnet26t_timm_613f41c6-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/lambda_resnet26t.py +class: ByobNet +hash: 10eba1dc +model_name: lambda_resnet26t +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 42805.917 +onnx_ops_counter: + Add: 11 + AveragePool: 1 + BatchNormalization: 9 + Constant: 29 + Conv: 34 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 9 + MaxPool: 1 + Relu: 27 + Reshape: 18 + Softmax: 3 + Split: 3 + Squeeze: 3 + Transpose: 12 + Unsqueeze: 6 +parameters: 10958272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/lambda_resnet50ts_Opset16_timm/lambda_resnet50ts_Opset16.onnx b/Computer_Vision/lambda_resnet50ts_Opset16_timm/lambda_resnet50ts_Opset16.onnx new file mode 100644 index 000000000..63727f783 --- /dev/null +++ b/Computer_Vision/lambda_resnet50ts_Opset16_timm/lambda_resnet50ts_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b6f11a5b73844d2eb32879a2e0e67cd7ddec38800c6dac23775be3cb99b2400c +size 86147630 diff --git a/Computer_Vision/lambda_resnet50ts_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/lambda_resnet50ts_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a847d15f2 --- /dev/null +++ b/Computer_Vision/lambda_resnet50ts_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.372682571411133 + set_success: 0.01766657829284668 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/lambda_resnet50ts_timm_51e7b5ae/onnx/lambda_resnet50ts_timm_51e7b5ae-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/lambda_resnet50ts.py +class: ByobNet +hash: d7076098 +model_name: lambda_resnet50ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 84128.5771 +onnx_ops_counter: + Add: 21 + BatchNormalization: 15 + Constant: 48 + Conv: 60 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 15 + MaxPool: 1 + Mul: 51 + Reshape: 30 + Sigmoid: 51 + Softmax: 5 + Split: 5 + Squeeze: 5 + Transpose: 20 + Unsqueeze: 10 +parameters: 21536832 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/lambda_resnet50ts_Opset17_timm/lambda_resnet50ts_Opset17.onnx b/Computer_Vision/lambda_resnet50ts_Opset17_timm/lambda_resnet50ts_Opset17.onnx new file mode 100644 index 000000000..b06181a8e --- /dev/null +++ b/Computer_Vision/lambda_resnet50ts_Opset17_timm/lambda_resnet50ts_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0bba3b390dc87fa3c8aa2ab042de594c1dd3176a79cfbd1db4685e320ade0bd6 +size 86147630 diff --git a/Computer_Vision/lambda_resnet50ts_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/lambda_resnet50ts_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b4bb91e61 --- /dev/null +++ b/Computer_Vision/lambda_resnet50ts_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.377305030822754 + set_success: 0.019464492797851562 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/lambda_resnet50ts_timm_51e7b5ae/onnx/lambda_resnet50ts_timm_51e7b5ae-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/lambda_resnet50ts.py +class: ByobNet +hash: d7076098 +model_name: lambda_resnet50ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 84128.5771 +onnx_ops_counter: + Add: 21 + BatchNormalization: 15 + Constant: 48 + Conv: 60 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 15 + MaxPool: 1 + Mul: 51 + Reshape: 30 + Sigmoid: 51 + Softmax: 5 + Split: 5 + Squeeze: 5 + Transpose: 20 + Unsqueeze: 10 +parameters: 21536832 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/lambda_resnet50ts_Opset18_timm/lambda_resnet50ts_Opset18.onnx b/Computer_Vision/lambda_resnet50ts_Opset18_timm/lambda_resnet50ts_Opset18.onnx new file mode 100644 index 000000000..56218085c --- /dev/null +++ b/Computer_Vision/lambda_resnet50ts_Opset18_timm/lambda_resnet50ts_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7fac44be217e24ced43126baf5f45eb46c188e1003f4069802dd7d5789a44886 +size 86147630 diff --git a/Computer_Vision/lambda_resnet50ts_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/lambda_resnet50ts_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a0b87eecb --- /dev/null +++ b/Computer_Vision/lambda_resnet50ts_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.4317843914031982 + set_success: 0.02209615707397461 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/lambda_resnet50ts_timm_51e7b5ae/onnx/lambda_resnet50ts_timm_51e7b5ae-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/lambda_resnet50ts.py +class: ByobNet +hash: d7076098 +model_name: lambda_resnet50ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 84128.5771 +onnx_ops_counter: + Add: 21 + BatchNormalization: 15 + Constant: 48 + Conv: 60 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 15 + MaxPool: 1 + Mul: 51 + Reshape: 30 + Sigmoid: 51 + Softmax: 5 + Split: 5 + Squeeze: 5 + Transpose: 20 + Unsqueeze: 10 +parameters: 21536832 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/lcnet_050_Opset16_timm/lcnet_050_Opset16.onnx b/Computer_Vision/lcnet_050_Opset16_timm/lcnet_050_Opset16.onnx new file mode 100644 index 000000000..3260b364e --- /dev/null +++ b/Computer_Vision/lcnet_050_Opset16_timm/lcnet_050_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0882ce7e62d07a61aad5e96c9264d088365f305ff8e0b2b3fd613bfd0647cd88 +size 7530215 diff --git a/Computer_Vision/lcnet_050_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/lcnet_050_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e9ace12a7 --- /dev/null +++ b/Computer_Vision/lcnet_050_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.3914496898651123 + set_success: 0.014792442321777344 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/lcnet_050_timm_886fb477/onnx/lcnet_050_timm_886fb477-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/lcnet_050.py +class: MobileNetV3 +hash: 2ec704af +model_name: lcnet_050 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 7353.7578 +onnx_ops_counter: + Conv: 32 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 2 + HardSwish: 28 + Mul: 2 + ReduceMean: 2 + Relu: 2 +parameters: 1880856 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/lcnet_050_Opset17_timm/lcnet_050_Opset17.onnx b/Computer_Vision/lcnet_050_Opset17_timm/lcnet_050_Opset17.onnx new file mode 100644 index 000000000..007b6648d --- /dev/null +++ b/Computer_Vision/lcnet_050_Opset17_timm/lcnet_050_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71378bff4799139ecb2c26119d52310a705a1efb474aa299a83822eb4ef2c547 +size 7530215 diff --git a/Computer_Vision/lcnet_050_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/lcnet_050_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8a54f1a81 --- /dev/null +++ b/Computer_Vision/lcnet_050_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.39221692085266113 + set_success: 0.014233827590942383 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/lcnet_050_timm_886fb477/onnx/lcnet_050_timm_886fb477-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/lcnet_050.py +class: MobileNetV3 +hash: 2ec704af +model_name: lcnet_050 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 7353.7578 +onnx_ops_counter: + Conv: 32 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 2 + HardSwish: 28 + Mul: 2 + ReduceMean: 2 + Relu: 2 +parameters: 1880856 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/lcnet_075_Opset16_timm/lcnet_075_Opset16.onnx b/Computer_Vision/lcnet_075_Opset16_timm/lcnet_075_Opset16.onnx new file mode 100644 index 000000000..d28c81585 --- /dev/null +++ b/Computer_Vision/lcnet_075_Opset16_timm/lcnet_075_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c745e8b803b6ea065b8fa8c5da41c1d034c6b92c55530e7903deeece45f7553b +size 9434453 diff --git a/Computer_Vision/lcnet_075_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/lcnet_075_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9251c2216 --- /dev/null +++ b/Computer_Vision/lcnet_075_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.4694194793701172 + set_success: 0.018908977508544922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/lcnet_075_timm_9218b9c9/onnx/lcnet_075_timm_9218b9c9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/lcnet_075.py +class: MobileNetV3 +hash: e6aaa291 +model_name: lcnet_075 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 9213.3652 +onnx_ops_counter: + Conv: 32 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 2 + HardSwish: 28 + Mul: 2 + ReduceMean: 2 + Relu: 2 +parameters: 2358288 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/lcnet_075_Opset17_timm/lcnet_075_Opset17.onnx b/Computer_Vision/lcnet_075_Opset17_timm/lcnet_075_Opset17.onnx new file mode 100644 index 000000000..39e93e0f0 --- /dev/null +++ b/Computer_Vision/lcnet_075_Opset17_timm/lcnet_075_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef52c01155b1f47f2107669d3bc4daebfcb6d1d1c586a6ce6b27668b5e60eab2 +size 9434453 diff --git a/Computer_Vision/lcnet_075_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/lcnet_075_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..81c1a8693 --- /dev/null +++ b/Computer_Vision/lcnet_075_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.4195406436920166 + set_success: 0.01565241813659668 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/lcnet_075_timm_9218b9c9/onnx/lcnet_075_timm_9218b9c9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/lcnet_075.py +class: MobileNetV3 +hash: e6aaa291 +model_name: lcnet_075 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 9213.3652 +onnx_ops_counter: + Conv: 32 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 2 + HardSwish: 28 + Mul: 2 + ReduceMean: 2 + Relu: 2 +parameters: 2358288 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/lcnet_100_Opset16_timm/lcnet_100_Opset16.onnx b/Computer_Vision/lcnet_100_Opset16_timm/lcnet_100_Opset16.onnx new file mode 100644 index 000000000..45083caa8 --- /dev/null +++ b/Computer_Vision/lcnet_100_Opset16_timm/lcnet_100_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f9ac647acd4f720e146bbffa3ae8672afc38999365bec18274be00dae4742c7 +size 11811084 diff --git a/Computer_Vision/lcnet_100_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/lcnet_100_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..137edca78 --- /dev/null +++ b/Computer_Vision/lcnet_100_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.46025657653808594 + set_success: 0.016236543655395508 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/lcnet_100_timm_60593157/onnx/lcnet_100_timm_60593157-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/lcnet_100.py +class: MobileNetV3 +hash: d8880e4b +model_name: lcnet_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 11534.2939 +onnx_ops_counter: + Conv: 32 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 2 + HardSwish: 28 + Mul: 2 + ReduceMean: 2 + Relu: 2 +parameters: 2953800 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/lcnet_100_Opset17_timm/lcnet_100_Opset17.onnx b/Computer_Vision/lcnet_100_Opset17_timm/lcnet_100_Opset17.onnx new file mode 100644 index 000000000..c69472f98 --- /dev/null +++ b/Computer_Vision/lcnet_100_Opset17_timm/lcnet_100_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46d0bfe38a99bb6c21b1ebeb4f8e6dc0814e6306cbf7f2d35baaeeda8885a9b9 +size 11811084 diff --git a/Computer_Vision/lcnet_100_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/lcnet_100_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f33c05fe9 --- /dev/null +++ b/Computer_Vision/lcnet_100_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.45639610290527344 + set_success: 0.014570951461791992 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/lcnet_100_timm_60593157/onnx/lcnet_100_timm_60593157-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/lcnet_100.py +class: MobileNetV3 +hash: d8880e4b +model_name: lcnet_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 11534.2939 +onnx_ops_counter: + Conv: 32 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 2 + HardSwish: 28 + Mul: 2 + ReduceMean: 2 + Relu: 2 +parameters: 2953800 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/legacy_senet154_Opset16_timm/legacy_senet154_Opset16.onnx b/Computer_Vision/legacy_senet154_Opset16_timm/legacy_senet154_Opset16.onnx new file mode 100644 index 000000000..e01d0bbfc --- /dev/null +++ b/Computer_Vision/legacy_senet154_Opset16_timm/legacy_senet154_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:349ed4f7715242bce1a306a59b051e72f2af747492e8c85506da83872c0727a2 +size 460005564 diff --git a/Computer_Vision/legacy_senet154_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/legacy_senet154_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3d8fba568 --- /dev/null +++ b/Computer_Vision/legacy_senet154_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.595839738845825 + set_success: 0.022040605545043945 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/legacy_senet154_timm_e5c58c55/onnx/legacy_senet154_timm_e5c58c55-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/legacy_senet154.py +class: SENet +hash: fdb00edd +model_name: legacy_senet154 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 449224.2158 +onnx_ops_counter: + Add: 50 + Conv: 257 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 50 + ReduceMean: 50 + Relu: 203 + Sigmoid: 50 +parameters: 115088984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/legacy_senet154_Opset17_timm/legacy_senet154_Opset17.onnx b/Computer_Vision/legacy_senet154_Opset17_timm/legacy_senet154_Opset17.onnx new file mode 100644 index 000000000..867b44e40 --- /dev/null +++ b/Computer_Vision/legacy_senet154_Opset17_timm/legacy_senet154_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3707b8fd4a2aa4a3a5c4f1aacfaa7250f085276c09ac19dd2b288ad036047dc +size 460005564 diff --git a/Computer_Vision/legacy_senet154_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/legacy_senet154_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..21f5dcf84 --- /dev/null +++ b/Computer_Vision/legacy_senet154_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.471651315689087 + set_success: 0.0221555233001709 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/legacy_senet154_timm_e5c58c55/onnx/legacy_senet154_timm_e5c58c55-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/legacy_senet154.py +class: SENet +hash: fdb00edd +model_name: legacy_senet154 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 449224.2158 +onnx_ops_counter: + Add: 50 + Conv: 257 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 50 + ReduceMean: 50 + Relu: 203 + Sigmoid: 50 +parameters: 115088984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/legacy_seresnet101_Opset16_timm/legacy_seresnet101_Opset16.onnx b/Computer_Vision/legacy_seresnet101_Opset16_timm/legacy_seresnet101_Opset16.onnx new file mode 100644 index 000000000..f6da82a58 --- /dev/null +++ b/Computer_Vision/legacy_seresnet101_Opset16_timm/legacy_seresnet101_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37b14f917fdea68277b0734e60348f684032ac6f4c78193b872b7e0a9bed200b +size 197192472 diff --git a/Computer_Vision/legacy_seresnet101_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/legacy_seresnet101_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1df425dde --- /dev/null +++ b/Computer_Vision/legacy_seresnet101_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.183170557022095 + set_success: 0.019776344299316406 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/legacy_seresnet101_timm_f6d62190/onnx/legacy_seresnet101_timm_f6d62190-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/legacy_seresnet101.py +class: SENet +hash: 80462f06 +model_name: legacy_seresnet101 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 192570.8057 +onnx_ops_counter: + Add: 33 + Conv: 170 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 33 + ReduceMean: 33 + Relu: 133 + Sigmoid: 33 +parameters: 49326872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/legacy_seresnet101_Opset17_timm/legacy_seresnet101_Opset17.onnx b/Computer_Vision/legacy_seresnet101_Opset17_timm/legacy_seresnet101_Opset17.onnx new file mode 100644 index 000000000..34cc38dfc --- /dev/null +++ b/Computer_Vision/legacy_seresnet101_Opset17_timm/legacy_seresnet101_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:82006174b54b52b75053fe29306bf3cefc3038655c33c1af094c27d6ff00a6fd +size 197192472 diff --git a/Computer_Vision/legacy_seresnet101_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/legacy_seresnet101_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c379e5149 --- /dev/null +++ b/Computer_Vision/legacy_seresnet101_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.9496190547943115 + set_success: 0.020983219146728516 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/legacy_seresnet101_timm_f6d62190/onnx/legacy_seresnet101_timm_f6d62190-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/legacy_seresnet101.py +class: SENet +hash: 80462f06 +model_name: legacy_seresnet101 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 192570.8057 +onnx_ops_counter: + Add: 33 + Conv: 170 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 33 + ReduceMean: 33 + Relu: 133 + Sigmoid: 33 +parameters: 49326872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/legacy_seresnet152_Opset16_timm/legacy_seresnet152_Opset16.onnx b/Computer_Vision/legacy_seresnet152_Opset16_timm/legacy_seresnet152_Opset16.onnx new file mode 100644 index 000000000..a28cd6a92 --- /dev/null +++ b/Computer_Vision/legacy_seresnet152_Opset16_timm/legacy_seresnet152_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a49974b0f0b1b923aa7fc3b65e5473da9671655de6c209bcda3134ebcdd9447 +size 267128513 diff --git a/Computer_Vision/legacy_seresnet152_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/legacy_seresnet152_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1d5d335fe --- /dev/null +++ b/Computer_Vision/legacy_seresnet152_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.34259033203125 + set_success: 0.01970958709716797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/legacy_seresnet152_timm_358d3cc3/onnx/legacy_seresnet152_timm_358d3cc3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/legacy_seresnet152.py +class: SENet +hash: 31b57e99 +model_name: legacy_seresnet152 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 260867.7207 +onnx_ops_counter: + Add: 50 + Conv: 255 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 50 + ReduceMean: 50 + Relu: 201 + Sigmoid: 50 +parameters: 66821848 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/legacy_seresnet152_Opset17_timm/legacy_seresnet152_Opset17.onnx b/Computer_Vision/legacy_seresnet152_Opset17_timm/legacy_seresnet152_Opset17.onnx new file mode 100644 index 000000000..ced478d07 --- /dev/null +++ b/Computer_Vision/legacy_seresnet152_Opset17_timm/legacy_seresnet152_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5d727f15a0263b0ab3687c0ac621295116908783549a8b979752e5f928cc9bf +size 267128513 diff --git a/Computer_Vision/legacy_seresnet152_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/legacy_seresnet152_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..adec036cb --- /dev/null +++ b/Computer_Vision/legacy_seresnet152_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.40447449684143 + set_success: 0.01901102066040039 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/legacy_seresnet152_timm_358d3cc3/onnx/legacy_seresnet152_timm_358d3cc3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/legacy_seresnet152.py +class: SENet +hash: 31b57e99 +model_name: legacy_seresnet152 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 260867.7207 +onnx_ops_counter: + Add: 50 + Conv: 255 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 50 + ReduceMean: 50 + Relu: 201 + Sigmoid: 50 +parameters: 66821848 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/legacy_seresnet18_Opset16_timm/legacy_seresnet18_Opset16.onnx b/Computer_Vision/legacy_seresnet18_Opset16_timm/legacy_seresnet18_Opset16.onnx new file mode 100644 index 000000000..3e3f03731 --- /dev/null +++ b/Computer_Vision/legacy_seresnet18_Opset16_timm/legacy_seresnet18_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:93287a3d65d7f3c85af233840bdf4da0d6c900d98aa620f2f28ef7a8d818c063 +size 47117174 diff --git a/Computer_Vision/legacy_seresnet18_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/legacy_seresnet18_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..499361aaa --- /dev/null +++ b/Computer_Vision/legacy_seresnet18_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8522236347198486 + set_success: 0.014969587326049805 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/legacy_seresnet18_timm_79fbb113/onnx/legacy_seresnet18_timm_79fbb113-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/legacy_seresnet18.py +class: SENet +hash: 9d203600 +model_name: legacy_seresnet18 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 46012.8975 +onnx_ops_counter: + Add: 8 + Conv: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 8 + ReduceMean: 8 + Relu: 33 + Sigmoid: 8 +parameters: 11778592 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/legacy_seresnet18_Opset17_timm/legacy_seresnet18_Opset17.onnx b/Computer_Vision/legacy_seresnet18_Opset17_timm/legacy_seresnet18_Opset17.onnx new file mode 100644 index 000000000..bdadf9316 --- /dev/null +++ b/Computer_Vision/legacy_seresnet18_Opset17_timm/legacy_seresnet18_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d01b5caa78472bc8f0dfbb7cf27b1704e97c50871ece186bc3a0e22c9c298364 +size 47117174 diff --git a/Computer_Vision/legacy_seresnet18_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/legacy_seresnet18_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..18665ad48 --- /dev/null +++ b/Computer_Vision/legacy_seresnet18_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8521931171417236 + set_success: 0.016184568405151367 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/legacy_seresnet18_timm_79fbb113/onnx/legacy_seresnet18_timm_79fbb113-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/legacy_seresnet18.py +class: SENet +hash: 9d203600 +model_name: legacy_seresnet18 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 46012.8975 +onnx_ops_counter: + Add: 8 + Conv: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 8 + ReduceMean: 8 + Relu: 33 + Sigmoid: 8 +parameters: 11778592 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/legacy_seresnet34_Opset16_timm/legacy_seresnet34_Opset16.onnx b/Computer_Vision/legacy_seresnet34_Opset16_timm/legacy_seresnet34_Opset16.onnx new file mode 100644 index 000000000..6a31926c9 --- /dev/null +++ b/Computer_Vision/legacy_seresnet34_Opset16_timm/legacy_seresnet34_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3bcf7c62ecccb1a98627f4951715b01f551453c3ce1216235c7fb3854076f66 +size 87843319 diff --git a/Computer_Vision/legacy_seresnet34_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/legacy_seresnet34_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f5125631b --- /dev/null +++ b/Computer_Vision/legacy_seresnet34_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.6626312732696533 + set_success: 0.01743340492248535 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/legacy_seresnet34_timm_3088ea7d/onnx/legacy_seresnet34_timm_3088ea7d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/legacy_seresnet34.py +class: SENet +hash: 116b48b2 +model_name: legacy_seresnet34 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 85784.5234 +onnx_ops_counter: + Add: 16 + Conv: 68 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + Relu: 65 + Sigmoid: 16 +parameters: 21958868 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/legacy_seresnet34_Opset17_timm/legacy_seresnet34_Opset17.onnx b/Computer_Vision/legacy_seresnet34_Opset17_timm/legacy_seresnet34_Opset17.onnx new file mode 100644 index 000000000..d3c6e7256 --- /dev/null +++ b/Computer_Vision/legacy_seresnet34_Opset17_timm/legacy_seresnet34_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3630a5e61c3902f17e092144d9fd8c4db705a67e8b7209599903ad85e42fae9a +size 87843319 diff --git a/Computer_Vision/legacy_seresnet34_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/legacy_seresnet34_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5e8561a5b --- /dev/null +++ b/Computer_Vision/legacy_seresnet34_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.6533002853393555 + set_success: 0.016602516174316406 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/legacy_seresnet34_timm_3088ea7d/onnx/legacy_seresnet34_timm_3088ea7d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/legacy_seresnet34.py +class: SENet +hash: 116b48b2 +model_name: legacy_seresnet34 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 85784.5234 +onnx_ops_counter: + Add: 16 + Conv: 68 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + Relu: 65 + Sigmoid: 16 +parameters: 21958868 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/legacy_seresnet50_Opset16_timm/legacy_seresnet50_Opset16.onnx b/Computer_Vision/legacy_seresnet50_Opset16_timm/legacy_seresnet50_Opset16.onnx new file mode 100644 index 000000000..f6f7fd706 --- /dev/null +++ b/Computer_Vision/legacy_seresnet50_Opset16_timm/legacy_seresnet50_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:298e3837a1b6b91ddf776c6a7809b6edb298a12b339f4cfe1deb9c68622b628b +size 112293009 diff --git a/Computer_Vision/legacy_seresnet50_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/legacy_seresnet50_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6dd770b1d --- /dev/null +++ b/Computer_Vision/legacy_seresnet50_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.1362481117248535 + set_success: 0.01686239242553711 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/legacy_seresnet50_timm_d8733a36/onnx/legacy_seresnet50_timm_d8733a36-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/legacy_seresnet50.py +class: SENet +hash: 6c58cfb3 +model_name: legacy_seresnet50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 109661.1738 +onnx_ops_counter: + Add: 16 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + Relu: 65 + Sigmoid: 16 +parameters: 28088024 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/legacy_seresnet50_Opset17_timm/legacy_seresnet50_Opset17.onnx b/Computer_Vision/legacy_seresnet50_Opset17_timm/legacy_seresnet50_Opset17.onnx new file mode 100644 index 000000000..c99fd22dd --- /dev/null +++ b/Computer_Vision/legacy_seresnet50_Opset17_timm/legacy_seresnet50_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3baf8e28abd13ad63d30bc6e735c6b70dce30573bd09e4262a5e2698f2ffbc61 +size 112293009 diff --git a/Computer_Vision/legacy_seresnet50_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/legacy_seresnet50_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b6c3c96c9 --- /dev/null +++ b/Computer_Vision/legacy_seresnet50_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.129258871078491 + set_success: 0.016598224639892578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/legacy_seresnet50_timm_d8733a36/onnx/legacy_seresnet50_timm_d8733a36-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/legacy_seresnet50.py +class: SENet +hash: 6c58cfb3 +model_name: legacy_seresnet50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 109661.1738 +onnx_ops_counter: + Add: 16 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + Relu: 65 + Sigmoid: 16 +parameters: 28088024 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/legacy_seresnext101_32x4d_Opset16_timm/legacy_seresnext101_32x4d_Opset16.onnx b/Computer_Vision/legacy_seresnext101_32x4d_Opset16_timm/legacy_seresnext101_32x4d_Opset16.onnx new file mode 100644 index 000000000..8a27cc2c5 --- /dev/null +++ b/Computer_Vision/legacy_seresnext101_32x4d_Opset16_timm/legacy_seresnext101_32x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39569860fba68855ef62e21aac395da0de02c6161433908682df66140cc0e8a4 +size 195641647 diff --git a/Computer_Vision/legacy_seresnext101_32x4d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/legacy_seresnext101_32x4d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c2e0418ed --- /dev/null +++ b/Computer_Vision/legacy_seresnext101_32x4d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.0829691886901855 + set_success: 0.018775463104248047 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/legacy_seresnext101_32x4d_timm_e0fdaab9/onnx/legacy_seresnext101_32x4d_timm_e0fdaab9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/legacy_seresnext101_32x4d.py +class: SENet +hash: 2c37ddd4 +model_name: legacy_seresnext101_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 191056.3281 +onnx_ops_counter: + Add: 33 + Conv: 170 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 33 + ReduceMean: 33 + Relu: 133 + Sigmoid: 33 +parameters: 48955416 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/legacy_seresnext101_32x4d_Opset17_timm/legacy_seresnext101_32x4d_Opset17.onnx b/Computer_Vision/legacy_seresnext101_32x4d_Opset17_timm/legacy_seresnext101_32x4d_Opset17.onnx new file mode 100644 index 000000000..e83a0af63 --- /dev/null +++ b/Computer_Vision/legacy_seresnext101_32x4d_Opset17_timm/legacy_seresnext101_32x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f0ab7a94565045e4e081a14a8ce69a8b9987e79c98910bf84403d34b8647cae7 +size 195641647 diff --git a/Computer_Vision/legacy_seresnext101_32x4d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/legacy_seresnext101_32x4d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..41d96ffe1 --- /dev/null +++ b/Computer_Vision/legacy_seresnext101_32x4d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.392391204833984 + set_success: 0.02197718620300293 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/legacy_seresnext101_32x4d_timm_e0fdaab9/onnx/legacy_seresnext101_32x4d_timm_e0fdaab9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/legacy_seresnext101_32x4d.py +class: SENet +hash: 2c37ddd4 +model_name: legacy_seresnext101_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 191056.3281 +onnx_ops_counter: + Add: 33 + Conv: 170 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 33 + ReduceMean: 33 + Relu: 133 + Sigmoid: 33 +parameters: 48955416 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/legacy_seresnext26_32x4d_Opset16_timm/legacy_seresnext26_32x4d_Opset16.onnx b/Computer_Vision/legacy_seresnext26_32x4d_Opset16_timm/legacy_seresnext26_32x4d_Opset16.onnx new file mode 100644 index 000000000..6928946ee --- /dev/null +++ b/Computer_Vision/legacy_seresnext26_32x4d_Opset16_timm/legacy_seresnext26_32x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99866928b64a42e39cfed75ca89a848abed9bdecf91aded28690cb4a36e4182c +size 67108890 diff --git a/Computer_Vision/legacy_seresnext26_32x4d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/legacy_seresnext26_32x4d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..34ad56f37 --- /dev/null +++ b/Computer_Vision/legacy_seresnext26_32x4d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.248138427734375 + set_success: 0.018593549728393555 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/legacy_seresnext26_32x4d_timm_41dea2c2/onnx/legacy_seresnext26_32x4d_timm_41dea2c2-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/legacy_seresnext26_32x4d.py +class: SENet +hash: cb4c92c0 +model_name: legacy_seresnext26_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 65536.0576 +onnx_ops_counter: + Add: 8 + Conv: 45 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 8 + ReduceMean: 8 + Relu: 33 + Sigmoid: 8 +parameters: 16790280 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/legacy_seresnext26_32x4d_Opset17_timm/legacy_seresnext26_32x4d_Opset17.onnx b/Computer_Vision/legacy_seresnext26_32x4d_Opset17_timm/legacy_seresnext26_32x4d_Opset17.onnx new file mode 100644 index 000000000..861eebda7 --- /dev/null +++ b/Computer_Vision/legacy_seresnext26_32x4d_Opset17_timm/legacy_seresnext26_32x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a606626de2c00e29dcdd9aebad66afda5c05a3b65278d9e02a940cecfc2a6de7 +size 67108890 diff --git a/Computer_Vision/legacy_seresnext26_32x4d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/legacy_seresnext26_32x4d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..983bcbe13 --- /dev/null +++ b/Computer_Vision/legacy_seresnext26_32x4d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2294325828552246 + set_success: 0.01908707618713379 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/legacy_seresnext26_32x4d_timm_41dea2c2/onnx/legacy_seresnext26_32x4d_timm_41dea2c2-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/legacy_seresnext26_32x4d.py +class: SENet +hash: cb4c92c0 +model_name: legacy_seresnext26_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 65536.0576 +onnx_ops_counter: + Add: 8 + Conv: 45 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 8 + ReduceMean: 8 + Relu: 33 + Sigmoid: 8 +parameters: 16790280 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/legacy_seresnext50_32x4d_Opset16_timm/legacy_seresnext50_32x4d_Opset16.onnx b/Computer_Vision/legacy_seresnext50_32x4d_Opset16_timm/legacy_seresnext50_32x4d_Opset16.onnx new file mode 100644 index 000000000..105ab9841 --- /dev/null +++ b/Computer_Vision/legacy_seresnext50_32x4d_Opset16_timm/legacy_seresnext50_32x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd51ba7c4eba0654f5fbb4439d83eda6478162a9a029eefa66b0b96c165a6614 +size 110150295 diff --git a/Computer_Vision/legacy_seresnext50_32x4d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/legacy_seresnext50_32x4d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..07ebed840 --- /dev/null +++ b/Computer_Vision/legacy_seresnext50_32x4d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.2297585010528564 + set_success: 0.01949763298034668 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/legacy_seresnext50_32x4d_timm_a0a4d896/onnx/legacy_seresnext50_32x4d_timm_a0a4d896-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/legacy_seresnext50_32x4d.py +class: SENet +hash: a21e7361 +model_name: legacy_seresnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 107568.6797 +onnx_ops_counter: + Add: 16 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + Relu: 65 + Sigmoid: 16 +parameters: 27559896 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/legacy_seresnext50_32x4d_Opset17_timm/legacy_seresnext50_32x4d_Opset17.onnx b/Computer_Vision/legacy_seresnext50_32x4d_Opset17_timm/legacy_seresnext50_32x4d_Opset17.onnx new file mode 100644 index 000000000..aafa41741 --- /dev/null +++ b/Computer_Vision/legacy_seresnext50_32x4d_Opset17_timm/legacy_seresnext50_32x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ae38fab8a676588f640dec28e3d60b366a941e0b05a6369259e83db7e283714 +size 110150295 diff --git a/Computer_Vision/legacy_seresnext50_32x4d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/legacy_seresnext50_32x4d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3f0037a43 --- /dev/null +++ b/Computer_Vision/legacy_seresnext50_32x4d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.363635301589966 + set_success: 0.022236108779907227 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/legacy_seresnext50_32x4d_timm_a0a4d896/onnx/legacy_seresnext50_32x4d_timm_a0a4d896-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/legacy_seresnext50_32x4d.py +class: SENet +hash: a21e7361 +model_name: legacy_seresnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 107568.6797 +onnx_ops_counter: + Add: 16 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + Relu: 65 + Sigmoid: 16 +parameters: 27559896 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/levit_128_Opset16_timm/levit_128_Opset16.onnx b/Computer_Vision/levit_128_Opset16_timm/levit_128_Opset16.onnx new file mode 100644 index 000000000..8d92266b4 --- /dev/null +++ b/Computer_Vision/levit_128_Opset16_timm/levit_128_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1860d84a44223d79a23d888e7e7da3926631eebd25eae564d80623f41c571bc1 +size 37618414 diff --git a/Computer_Vision/levit_128_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/levit_128_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..dca3b97ed --- /dev/null +++ b/Computer_Vision/levit_128_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.52734112739563 + set_success: 0.016225814819335938 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/levit_128_timm_e136fbad/onnx/levit_128_timm_e136fbad-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/levit_128.py +class: LevitDistilled +hash: 5299a414 +model_name: levit_128 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 36736.7646 +onnx_ops_counter: + Add: 41 + BatchNormalization: 60 + Concat: 1 + Constant: 76 + Conv: 4 + Div: 1 + Flatten: 58 + Gather: 14 + Gemm: 2 + HardSwish: 31 + Identity: 2 + MatMul: 86 + Mul: 14 + ReduceMean: 1 + Reshape: 93 + Shape: 59 + Slice: 5 + Softmax: 14 + Split: 14 + Transpose: 57 +parameters: 9213936 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/levit_128_Opset17_timm/levit_128_Opset17.onnx b/Computer_Vision/levit_128_Opset17_timm/levit_128_Opset17.onnx new file mode 100644 index 000000000..cc2e556a0 --- /dev/null +++ b/Computer_Vision/levit_128_Opset17_timm/levit_128_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61b10dbd23310bec74465a3d0f75b460dea3a90daba794c04e2ba153ab1d76be +size 37618414 diff --git a/Computer_Vision/levit_128_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/levit_128_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..046bcc6a1 --- /dev/null +++ b/Computer_Vision/levit_128_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.525784969329834 + set_success: 0.01659107208251953 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/levit_128_timm_e136fbad/onnx/levit_128_timm_e136fbad-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/levit_128.py +class: LevitDistilled +hash: 5299a414 +model_name: levit_128 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 36736.7646 +onnx_ops_counter: + Add: 41 + BatchNormalization: 60 + Concat: 1 + Constant: 76 + Conv: 4 + Div: 1 + Flatten: 58 + Gather: 14 + Gemm: 2 + HardSwish: 31 + Identity: 2 + MatMul: 86 + Mul: 14 + ReduceMean: 1 + Reshape: 93 + Shape: 59 + Slice: 5 + Softmax: 14 + Split: 14 + Transpose: 57 +parameters: 9213936 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/levit_128s_Opset16_timm/levit_128s_Opset16.onnx b/Computer_Vision/levit_128s_Opset16_timm/levit_128s_Opset16.onnx new file mode 100644 index 000000000..33c8b50e0 --- /dev/null +++ b/Computer_Vision/levit_128s_Opset16_timm/levit_128s_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6990e5f4ae65e6919f6216d71e3c6a78bb9864c69d54b12b270a953f822b8f2f +size 31803742 diff --git a/Computer_Vision/levit_128s_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/levit_128s_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9dbaa2c75 --- /dev/null +++ b/Computer_Vision/levit_128s_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8210532665252686 + set_success: 0.016713380813598633 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/levit_128s_timm_bac7e881/onnx/levit_128s_timm_bac7e881-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/levit_128s.py +class: LevitDistilled +hash: 2a4cda69 +model_name: levit_128s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 31058.374 +onnx_ops_counter: + Add: 32 + BatchNormalization: 48 + Concat: 1 + Constant: 67 + Conv: 4 + Div: 1 + Flatten: 46 + Gather: 11 + Gemm: 2 + HardSwish: 25 + Identity: 2 + MatMul: 68 + Mul: 11 + ReduceMean: 1 + Reshape: 75 + Shape: 47 + Slice: 5 + Softmax: 11 + Split: 11 + Transpose: 45 +parameters: 7777058 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/levit_128s_Opset17_timm/levit_128s_Opset17.onnx b/Computer_Vision/levit_128s_Opset17_timm/levit_128s_Opset17.onnx new file mode 100644 index 000000000..e2225eddd --- /dev/null +++ b/Computer_Vision/levit_128s_Opset17_timm/levit_128s_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af35c521f5b11a9eaa3077890915765cdbdb7943b7c1839d63a7434c93bf4df8 +size 31803742 diff --git a/Computer_Vision/levit_128s_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/levit_128s_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..41c1bf198 --- /dev/null +++ b/Computer_Vision/levit_128s_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9008421897888184 + set_success: 0.018874168395996094 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/levit_128s_timm_bac7e881/onnx/levit_128s_timm_bac7e881-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/levit_128s.py +class: LevitDistilled +hash: 2a4cda69 +model_name: levit_128s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 31058.374 +onnx_ops_counter: + Add: 32 + BatchNormalization: 48 + Concat: 1 + Constant: 67 + Conv: 4 + Div: 1 + Flatten: 46 + Gather: 11 + Gemm: 2 + HardSwish: 25 + Identity: 2 + MatMul: 68 + Mul: 11 + ReduceMean: 1 + Reshape: 75 + Shape: 47 + Slice: 5 + Softmax: 11 + Split: 11 + Transpose: 45 +parameters: 7777058 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/levit_192_Opset16_timm/levit_192_Opset16.onnx b/Computer_Vision/levit_192_Opset16_timm/levit_192_Opset16.onnx new file mode 100644 index 000000000..a6a84ebea --- /dev/null +++ b/Computer_Vision/levit_192_Opset16_timm/levit_192_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:59e197f7091ab685971c8664ec6de0a97fe2bda852fe020b5c7ce62d2fd30bd7 +size 44576578 diff --git a/Computer_Vision/levit_192_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/levit_192_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6b4d7a9ef --- /dev/null +++ b/Computer_Vision/levit_192_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.482135534286499 + set_success: 0.015223026275634766 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/levit_192_timm_2a089927/onnx/levit_192_timm_2a089927-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/levit_192.py +class: LevitDistilled +hash: 7bdcf854 +model_name: levit_192 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 43531.8467 +onnx_ops_counter: + Add: 41 + BatchNormalization: 60 + Concat: 1 + Constant: 76 + Conv: 4 + Div: 1 + Flatten: 58 + Gather: 14 + Gemm: 2 + HardSwish: 31 + Identity: 2 + MatMul: 86 + Mul: 14 + ReduceMean: 1 + Reshape: 93 + Shape: 59 + Slice: 5 + Softmax: 14 + Split: 14 + Transpose: 57 +parameters: 10947069 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/levit_192_Opset17_timm/levit_192_Opset17.onnx b/Computer_Vision/levit_192_Opset17_timm/levit_192_Opset17.onnx new file mode 100644 index 000000000..fddd796a7 --- /dev/null +++ b/Computer_Vision/levit_192_Opset17_timm/levit_192_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aaee9cbbdcf7c56273c233735c48dccc492bc00b779be700e8a18448d0382dc7 +size 44576578 diff --git a/Computer_Vision/levit_192_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/levit_192_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..560324b99 --- /dev/null +++ b/Computer_Vision/levit_192_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.600707530975342 + set_success: 0.018488645553588867 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/levit_192_timm_2a089927/onnx/levit_192_timm_2a089927-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/levit_192.py +class: LevitDistilled +hash: 7bdcf854 +model_name: levit_192 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 43531.8467 +onnx_ops_counter: + Add: 41 + BatchNormalization: 60 + Concat: 1 + Constant: 76 + Conv: 4 + Div: 1 + Flatten: 58 + Gather: 14 + Gemm: 2 + HardSwish: 31 + Identity: 2 + MatMul: 86 + Mul: 14 + ReduceMean: 1 + Reshape: 93 + Shape: 59 + Slice: 5 + Softmax: 14 + Split: 14 + Transpose: 57 +parameters: 10947069 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/levit_256_Opset16_timm/levit_256_Opset16.onnx b/Computer_Vision/levit_256_Opset16_timm/levit_256_Opset16.onnx new file mode 100644 index 000000000..b32b4ae5d --- /dev/null +++ b/Computer_Vision/levit_256_Opset16_timm/levit_256_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f233df0884fa893f1d66c18fe6a29a86743bd69eb5e25641a8206ef8f7bd9b59 +size 76432483 diff --git a/Computer_Vision/levit_256_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/levit_256_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..54450b4e3 --- /dev/null +++ b/Computer_Vision/levit_256_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.4233970642089844 + set_success: 0.022341012954711914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/levit_256_timm_fa736f2e/onnx/levit_256_timm_fa736f2e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/levit_256.py +class: LevitDistilled +hash: 3e4dd7b7 +model_name: levit_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 74641.1289 +onnx_ops_counter: + Add: 41 + BatchNormalization: 60 + Concat: 1 + Constant: 76 + Conv: 4 + Div: 1 + Flatten: 58 + Gather: 14 + Gemm: 2 + HardSwish: 31 + Identity: 2 + MatMul: 86 + Mul: 14 + ReduceMean: 1 + Reshape: 93 + Shape: 59 + Slice: 5 + Softmax: 14 + Split: 14 + Transpose: 57 +parameters: 18893876 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/levit_256_Opset17_timm/levit_256_Opset17.onnx b/Computer_Vision/levit_256_Opset17_timm/levit_256_Opset17.onnx new file mode 100644 index 000000000..4614843a0 --- /dev/null +++ b/Computer_Vision/levit_256_Opset17_timm/levit_256_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b81cbca462de99b792cc34b90633e93fb7661107e759b5f87aa0fd10ad0a0d21 +size 76432483 diff --git a/Computer_Vision/levit_256_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/levit_256_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e132d67ce --- /dev/null +++ b/Computer_Vision/levit_256_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.931769609451294 + set_success: 0.01828932762145996 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/levit_256_timm_fa736f2e/onnx/levit_256_timm_fa736f2e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/levit_256.py +class: LevitDistilled +hash: 3e4dd7b7 +model_name: levit_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 74641.1289 +onnx_ops_counter: + Add: 41 + BatchNormalization: 60 + Concat: 1 + Constant: 76 + Conv: 4 + Div: 1 + Flatten: 58 + Gather: 14 + Gemm: 2 + HardSwish: 31 + Identity: 2 + MatMul: 86 + Mul: 14 + ReduceMean: 1 + Reshape: 93 + Shape: 59 + Slice: 5 + Softmax: 14 + Split: 14 + Transpose: 57 +parameters: 18893876 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/levit_384_Opset16_timm/levit_384_Opset16.onnx b/Computer_Vision/levit_384_Opset16_timm/levit_384_Opset16.onnx new file mode 100644 index 000000000..777c2453a --- /dev/null +++ b/Computer_Vision/levit_384_Opset16_timm/levit_384_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64676509da3ed2fee6807c71bf2f759a594d961885ca58a1313f9f501dfbe826 +size 157500433 diff --git a/Computer_Vision/levit_384_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/levit_384_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ec433de65 --- /dev/null +++ b/Computer_Vision/levit_384_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.8155901432037354 + set_success: 0.017728805541992188 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/levit_384_timm_7bfc691e/onnx/levit_384_timm_7bfc691e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/levit_384.py +class: LevitDistilled +hash: d69d9665 +model_name: levit_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 153809.0488 +onnx_ops_counter: + Add: 41 + BatchNormalization: 60 + Concat: 1 + Constant: 76 + Conv: 4 + Div: 1 + Flatten: 58 + Gather: 14 + Gemm: 2 + HardSwish: 31 + Identity: 2 + MatMul: 86 + Mul: 14 + ReduceMean: 1 + Reshape: 93 + Shape: 59 + Slice: 5 + Softmax: 14 + Split: 14 + Transpose: 57 +parameters: 39128836 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/levit_384_Opset17_timm/levit_384_Opset17.onnx b/Computer_Vision/levit_384_Opset17_timm/levit_384_Opset17.onnx new file mode 100644 index 000000000..9c31a4030 --- /dev/null +++ b/Computer_Vision/levit_384_Opset17_timm/levit_384_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da1d51c934b23e1c06b6082582cc28ff78bbfae8c367dfefbde68405c2f51fc2 +size 157500433 diff --git a/Computer_Vision/levit_384_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/levit_384_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9c2824e3d --- /dev/null +++ b/Computer_Vision/levit_384_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.915330410003662 + set_success: 0.02002406120300293 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/levit_384_timm_7bfc691e/onnx/levit_384_timm_7bfc691e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/levit_384.py +class: LevitDistilled +hash: d69d9665 +model_name: levit_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 153809.0488 +onnx_ops_counter: + Add: 41 + BatchNormalization: 60 + Concat: 1 + Constant: 76 + Conv: 4 + Div: 1 + Flatten: 58 + Gather: 14 + Gemm: 2 + HardSwish: 31 + Identity: 2 + MatMul: 86 + Mul: 14 + ReduceMean: 1 + Reshape: 93 + Shape: 59 + Slice: 5 + Softmax: 14 + Split: 14 + Transpose: 57 +parameters: 39128836 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/maskrcnn_resnet50_fpn_v2_Opset16_torchvision/maskrcnn_resnet50_fpn_v2_Opset16.onnx b/Computer_Vision/maskrcnn_resnet50_fpn_v2_Opset16_torchvision/maskrcnn_resnet50_fpn_v2_Opset16.onnx new file mode 100644 index 000000000..3744d58b7 --- /dev/null +++ b/Computer_Vision/maskrcnn_resnet50_fpn_v2_Opset16_torchvision/maskrcnn_resnet50_fpn_v2_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1b3a8992b799225216de2ef6864cda15089f0b8fc2f097b8a78e9cd1a045a9a +size 185644136 diff --git a/Computer_Vision/maskrcnn_resnet50_fpn_v2_Opset16_torchvision/turnkey_stats.yaml b/Computer_Vision/maskrcnn_resnet50_fpn_v2_Opset16_torchvision/turnkey_stats.yaml new file mode 100644 index 000000000..11ba2a502 --- /dev/null +++ b/Computer_Vision/maskrcnn_resnet50_fpn_v2_Opset16_torchvision/turnkey_stats.yaml @@ -0,0 +1,244 @@ +author: torchvision +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.219353675842285 + set_success: 0.02659916877746582 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/maskrcnn_resnet50_fpn_v2_torchvision_0f88bbc1/onnx/maskrcnn_resnet50_fpn_v2_torchvision_0f88bbc1-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torchvision/maskrcnn_resnet50_fpn_v2.py +class: MaskRCNN +hash: 6bd8d18e +model_name: maskrcnn_resnet50_fpn_v2 +onnx_input_dimensions: + images: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 181293.1338 +onnx_ops_counter: + Add: 75 + And: 2 + Cast: 133 + Ceil: 2 + Clip: 6 + Concat: 110 + Constant: 739 + ConstantOfShape: 39 + Conv: 90 + ConvTranspose: 1 + Div: 38 + Equal: 18 + Exp: 4 + Expand: 20 + Flatten: 9 + Floor: 4 + Gather: 207 + Gemm: 3 + Greater: 1 + GreaterOrEqual: 5 + If: 2 + Log: 2 + Loop: 1 + Max: 4 + MaxPool: 2 + Min: 5 + Mul: 66 + NonZero: 12 + Pad: 2 + Range: 13 + Reciprocal: 2 + ReduceMax: 4 + ReduceMin: 6 + ReduceProd: 2 + Relu: 69 + Reshape: 107 + Resize: 4 + RoiAlign: 8 + ScatterElements: 8 + Shape: 164 + Sigmoid: 2 + Slice: 33 + Softmax: 1 + Split: 17 + Sqrt: 2 + Squeeze: 28 + Sub: 27 + TopK: 5 + Transpose: 24 + Unsqueeze: 188 + Where: 8 +parameters: 46359409 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/maskrcnn_resnet50_fpn_v2_Opset17_torchvision/maskrcnn_resnet50_fpn_v2_Opset17.onnx b/Computer_Vision/maskrcnn_resnet50_fpn_v2_Opset17_torchvision/maskrcnn_resnet50_fpn_v2_Opset17.onnx new file mode 100644 index 000000000..f55948173 --- /dev/null +++ b/Computer_Vision/maskrcnn_resnet50_fpn_v2_Opset17_torchvision/maskrcnn_resnet50_fpn_v2_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3fdaa47d81ac27d91b7c9353334c9276255722204f96939dfcbee4d4277fc6e0 +size 185644136 diff --git a/Computer_Vision/maskrcnn_resnet50_fpn_v2_Opset17_torchvision/turnkey_stats.yaml b/Computer_Vision/maskrcnn_resnet50_fpn_v2_Opset17_torchvision/turnkey_stats.yaml new file mode 100644 index 000000000..45dc2b746 --- /dev/null +++ b/Computer_Vision/maskrcnn_resnet50_fpn_v2_Opset17_torchvision/turnkey_stats.yaml @@ -0,0 +1,244 @@ +author: torchvision +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.98617148399353 + set_success: 0.020906448364257812 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/maskrcnn_resnet50_fpn_v2_torchvision_0f88bbc1/onnx/maskrcnn_resnet50_fpn_v2_torchvision_0f88bbc1-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torchvision/maskrcnn_resnet50_fpn_v2.py +class: MaskRCNN +hash: 6bd8d18e +model_name: maskrcnn_resnet50_fpn_v2 +onnx_input_dimensions: + images: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 181293.1338 +onnx_ops_counter: + Add: 75 + And: 2 + Cast: 133 + Ceil: 2 + Clip: 6 + Concat: 110 + Constant: 739 + ConstantOfShape: 39 + Conv: 90 + ConvTranspose: 1 + Div: 38 + Equal: 18 + Exp: 4 + Expand: 20 + Flatten: 9 + Floor: 4 + Gather: 207 + Gemm: 3 + Greater: 1 + GreaterOrEqual: 5 + If: 2 + Log: 2 + Loop: 1 + Max: 4 + MaxPool: 2 + Min: 5 + Mul: 66 + NonZero: 12 + Pad: 2 + Range: 13 + Reciprocal: 2 + ReduceMax: 4 + ReduceMin: 6 + ReduceProd: 2 + Relu: 69 + Reshape: 107 + Resize: 4 + RoiAlign: 8 + ScatterElements: 8 + Shape: 164 + Sigmoid: 2 + Slice: 33 + Softmax: 1 + Split: 17 + Sqrt: 2 + Squeeze: 28 + Sub: 27 + TopK: 5 + Transpose: 24 + Unsqueeze: 188 + Where: 8 +parameters: 46359409 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/maskrcnn_resnet50_fpn_v2_Opset18_torchvision/maskrcnn_resnet50_fpn_v2_Opset18.onnx b/Computer_Vision/maskrcnn_resnet50_fpn_v2_Opset18_torchvision/maskrcnn_resnet50_fpn_v2_Opset18.onnx new file mode 100644 index 000000000..123b1c470 --- /dev/null +++ b/Computer_Vision/maskrcnn_resnet50_fpn_v2_Opset18_torchvision/maskrcnn_resnet50_fpn_v2_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6eda7bed5aca5bfd81f922c3bf1d3d4c9b69d45aa2bf1cc6db675a3293188df4 +size 185644136 diff --git a/Computer_Vision/maskrcnn_resnet50_fpn_v2_Opset18_torchvision/turnkey_stats.yaml b/Computer_Vision/maskrcnn_resnet50_fpn_v2_Opset18_torchvision/turnkey_stats.yaml new file mode 100644 index 000000000..43ee3d802 --- /dev/null +++ b/Computer_Vision/maskrcnn_resnet50_fpn_v2_Opset18_torchvision/turnkey_stats.yaml @@ -0,0 +1,244 @@ +author: torchvision +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.076884269714355 + set_success: 0.02451181411743164 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/maskrcnn_resnet50_fpn_v2_torchvision_0f88bbc1/onnx/maskrcnn_resnet50_fpn_v2_torchvision_0f88bbc1-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torchvision/maskrcnn_resnet50_fpn_v2.py +class: MaskRCNN +hash: 6bd8d18e +model_name: maskrcnn_resnet50_fpn_v2 +onnx_input_dimensions: + images: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 181293.1338 +onnx_ops_counter: + Add: 75 + And: 2 + Cast: 133 + Ceil: 2 + Clip: 6 + Concat: 110 + Constant: 739 + ConstantOfShape: 39 + Conv: 90 + ConvTranspose: 1 + Div: 38 + Equal: 18 + Exp: 4 + Expand: 20 + Flatten: 9 + Floor: 4 + Gather: 207 + Gemm: 3 + Greater: 1 + GreaterOrEqual: 5 + If: 2 + Log: 2 + Loop: 1 + Max: 4 + MaxPool: 2 + Min: 5 + Mul: 66 + NonZero: 12 + Pad: 2 + Range: 13 + Reciprocal: 2 + ReduceMax: 4 + ReduceMin: 6 + ReduceProd: 2 + Relu: 69 + Reshape: 107 + Resize: 4 + RoiAlign: 8 + ScatterElements: 8 + Shape: 164 + Sigmoid: 2 + Slice: 33 + Softmax: 1 + Split: 17 + Sqrt: 2 + Squeeze: 28 + Sub: 27 + TopK: 5 + Transpose: 24 + Unsqueeze: 188 + Where: 8 +parameters: 46359409 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mixer_b16_224_Opset16_timm/mixer_b16_224_Opset16.onnx b/Computer_Vision/mixer_b16_224_Opset16_timm/mixer_b16_224_Opset16.onnx new file mode 100644 index 000000000..4829aa4a1 --- /dev/null +++ b/Computer_Vision/mixer_b16_224_Opset16_timm/mixer_b16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ffc729144fc1d98af0a268f7428cb55271febb15fb82244e497b4c7fa4a6c84 +size 239620718 diff --git a/Computer_Vision/mixer_b16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mixer_b16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3d6023c56 --- /dev/null +++ b/Computer_Vision/mixer_b16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.017324209213257 + set_success: 0.01678752899169922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mixer_b16_224_timm_1ff8e0e1/onnx/mixer_b16_224_timm_1ff8e0e1-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mixer_b16_224.py +class: MlpMixer +hash: e4238434 +model_name: mixer_b16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 234004.6396 +onnx_ops_counter: + Add: 146 + Concat: 1 + Constant: 126 + Conv: 1 + Div: 49 + Erf: 24 + Gemm: 1 + MatMul: 48 + Mul: 73 + Pow: 25 + ReduceMean: 51 + Reshape: 1 + Shape: 1 + Slice: 1 + Sqrt: 25 + Sub: 25 + Transpose: 25 +parameters: 59880472 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mixer_b16_224_Opset17_timm/mixer_b16_224_Opset17.onnx b/Computer_Vision/mixer_b16_224_Opset17_timm/mixer_b16_224_Opset17.onnx new file mode 100644 index 000000000..3d5bc4896 --- /dev/null +++ b/Computer_Vision/mixer_b16_224_Opset17_timm/mixer_b16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b006b452b0acddfbe98cdb58aa58f145d85ca8ec293ec79cadffdfa08e596bf2 +size 239589356 diff --git a/Computer_Vision/mixer_b16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mixer_b16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e8aa8ae85 --- /dev/null +++ b/Computer_Vision/mixer_b16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.317502498626709 + set_success: 0.016229867935180664 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mixer_b16_224_timm_1ff8e0e1/onnx/mixer_b16_224_timm_1ff8e0e1-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mixer_b16_224.py +class: MlpMixer +hash: e4238434 +model_name: mixer_b16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 233974.0127 +onnx_ops_counter: + Add: 96 + Concat: 1 + Constant: 76 + Conv: 1 + Div: 24 + Erf: 24 + Gemm: 1 + LayerNormalization: 25 + MatMul: 48 + Mul: 48 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 25 +parameters: 59880472 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mixer_b16_224_in21k_Opset16_timm/mixer_b16_224_in21k_Opset16.onnx b/Computer_Vision/mixer_b16_224_in21k_Opset16_timm/mixer_b16_224_in21k_Opset16.onnx new file mode 100644 index 000000000..4829aa4a1 --- /dev/null +++ b/Computer_Vision/mixer_b16_224_in21k_Opset16_timm/mixer_b16_224_in21k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ffc729144fc1d98af0a268f7428cb55271febb15fb82244e497b4c7fa4a6c84 +size 239620718 diff --git a/Computer_Vision/mixer_b16_224_in21k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mixer_b16_224_in21k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c9e02b6d6 --- /dev/null +++ b/Computer_Vision/mixer_b16_224_in21k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.2065722942352295 + set_success: 0.016199350357055664 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mixer_b16_224_in21k_timm_1ff8e0e1/onnx/mixer_b16_224_in21k_timm_1ff8e0e1-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mixer_b16_224_in21k.py +class: MlpMixer +hash: e4238434 +model_name: mixer_b16_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 234004.6396 +onnx_ops_counter: + Add: 146 + Concat: 1 + Constant: 126 + Conv: 1 + Div: 49 + Erf: 24 + Gemm: 1 + MatMul: 48 + Mul: 73 + Pow: 25 + ReduceMean: 51 + Reshape: 1 + Shape: 1 + Slice: 1 + Sqrt: 25 + Sub: 25 + Transpose: 25 +parameters: 59880472 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mixer_b16_224_in21k_Opset17_timm/mixer_b16_224_in21k_Opset17.onnx b/Computer_Vision/mixer_b16_224_in21k_Opset17_timm/mixer_b16_224_in21k_Opset17.onnx new file mode 100644 index 000000000..3d5bc4896 --- /dev/null +++ b/Computer_Vision/mixer_b16_224_in21k_Opset17_timm/mixer_b16_224_in21k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b006b452b0acddfbe98cdb58aa58f145d85ca8ec293ec79cadffdfa08e596bf2 +size 239589356 diff --git a/Computer_Vision/mixer_b16_224_in21k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mixer_b16_224_in21k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..af553d6e8 --- /dev/null +++ b/Computer_Vision/mixer_b16_224_in21k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.2789855003356934 + set_success: 0.01723957061767578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mixer_b16_224_in21k_timm_1ff8e0e1/onnx/mixer_b16_224_in21k_timm_1ff8e0e1-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mixer_b16_224_in21k.py +class: MlpMixer +hash: e4238434 +model_name: mixer_b16_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 233974.0127 +onnx_ops_counter: + Add: 96 + Concat: 1 + Constant: 76 + Conv: 1 + Div: 24 + Erf: 24 + Gemm: 1 + LayerNormalization: 25 + MatMul: 48 + Mul: 48 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 25 +parameters: 59880472 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mixer_b16_224_miil_Opset16_timm/mixer_b16_224_miil_Opset16.onnx b/Computer_Vision/mixer_b16_224_miil_Opset16_timm/mixer_b16_224_miil_Opset16.onnx new file mode 100644 index 000000000..53f925fe6 --- /dev/null +++ b/Computer_Vision/mixer_b16_224_miil_Opset16_timm/mixer_b16_224_miil_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f2fb8660ebb40f907723baf40908b001b7972fc1499ed001d7f97c07ed03e959 +size 239620718 diff --git a/Computer_Vision/mixer_b16_224_miil_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mixer_b16_224_miil_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f9a619c48 --- /dev/null +++ b/Computer_Vision/mixer_b16_224_miil_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.3767459392547607 + set_success: 0.01821136474609375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mixer_b16_224_miil_timm_1ff8e0e1/onnx/mixer_b16_224_miil_timm_1ff8e0e1-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mixer_b16_224_miil.py +class: MlpMixer +hash: e4238434 +model_name: mixer_b16_224_miil +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 234004.6396 +onnx_ops_counter: + Add: 146 + Concat: 1 + Constant: 126 + Conv: 1 + Div: 49 + Erf: 24 + Gemm: 1 + MatMul: 48 + Mul: 73 + Pow: 25 + ReduceMean: 51 + Reshape: 1 + Shape: 1 + Slice: 1 + Sqrt: 25 + Sub: 25 + Transpose: 25 +parameters: 59880472 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mixer_b16_224_miil_Opset17_timm/mixer_b16_224_miil_Opset17.onnx b/Computer_Vision/mixer_b16_224_miil_Opset17_timm/mixer_b16_224_miil_Opset17.onnx new file mode 100644 index 000000000..78014456e --- /dev/null +++ b/Computer_Vision/mixer_b16_224_miil_Opset17_timm/mixer_b16_224_miil_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:714a3f32f4409a00c83a5d1b7c7afd6356ae7f6728f9fe02d4dca5c57daa3308 +size 239589356 diff --git a/Computer_Vision/mixer_b16_224_miil_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mixer_b16_224_miil_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c4342e69d --- /dev/null +++ b/Computer_Vision/mixer_b16_224_miil_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.2347490787506104 + set_success: 0.01719975471496582 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mixer_b16_224_miil_timm_1ff8e0e1/onnx/mixer_b16_224_miil_timm_1ff8e0e1-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mixer_b16_224_miil.py +class: MlpMixer +hash: e4238434 +model_name: mixer_b16_224_miil +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 233974.0127 +onnx_ops_counter: + Add: 96 + Concat: 1 + Constant: 76 + Conv: 1 + Div: 24 + Erf: 24 + Gemm: 1 + LayerNormalization: 25 + MatMul: 48 + Mul: 48 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 25 +parameters: 59880472 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mixer_b16_224_miil_in21k_Opset16_timm/mixer_b16_224_miil_in21k_Opset16.onnx b/Computer_Vision/mixer_b16_224_miil_in21k_Opset16_timm/mixer_b16_224_miil_in21k_Opset16.onnx new file mode 100644 index 000000000..40ba492bd --- /dev/null +++ b/Computer_Vision/mixer_b16_224_miil_in21k_Opset16_timm/mixer_b16_224_miil_in21k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d23b8c54f1a9980ffd72f8517d5e9ace8f5e43fb3dcd5b9f2a6be6a8a3974cac +size 271060517 diff --git a/Computer_Vision/mixer_b16_224_miil_in21k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mixer_b16_224_miil_in21k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..817b93437 --- /dev/null +++ b/Computer_Vision/mixer_b16_224_miil_in21k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.699106216430664 + set_success: 0.022366762161254883 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mixer_b16_224_miil_in21k_timm_d8a23419/onnx/mixer_b16_224_miil_in21k_timm_d8a23419-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mixer_b16_224_miil_in21k.py +class: MlpMixer +hash: 93d72cf5 +model_name: mixer_b16_224_miil_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 264707.5684 +onnx_ops_counter: + Add: 146 + Concat: 1 + Constant: 126 + Conv: 1 + Div: 49 + Erf: 24 + Gemm: 1 + MatMul: 48 + Mul: 73 + Pow: 25 + ReduceMean: 51 + Reshape: 1 + Shape: 1 + Slice: 1 + Sqrt: 25 + Sub: 25 + Transpose: 25 +parameters: 67740421 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mixer_b16_224_miil_in21k_Opset17_timm/mixer_b16_224_miil_in21k_Opset17.onnx b/Computer_Vision/mixer_b16_224_miil_in21k_Opset17_timm/mixer_b16_224_miil_in21k_Opset17.onnx new file mode 100644 index 000000000..08e2847a5 --- /dev/null +++ b/Computer_Vision/mixer_b16_224_miil_in21k_Opset17_timm/mixer_b16_224_miil_in21k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5530fa095f2d250c9858c247a3d49a3c91a8b4fcea52e49cbd7233450a6a0b4c +size 271029155 diff --git a/Computer_Vision/mixer_b16_224_miil_in21k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mixer_b16_224_miil_in21k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..06477a42c --- /dev/null +++ b/Computer_Vision/mixer_b16_224_miil_in21k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.424177885055542 + set_success: 0.01729106903076172 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mixer_b16_224_miil_in21k_timm_d8a23419/onnx/mixer_b16_224_miil_in21k_timm_d8a23419-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mixer_b16_224_miil_in21k.py +class: MlpMixer +hash: 93d72cf5 +model_name: mixer_b16_224_miil_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 264676.9414 +onnx_ops_counter: + Add: 96 + Concat: 1 + Constant: 76 + Conv: 1 + Div: 24 + Erf: 24 + Gemm: 1 + LayerNormalization: 25 + MatMul: 48 + Mul: 48 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 25 +parameters: 67740421 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mixer_l16_224_Opset16_timm/mixer_l16_224_Opset16.onnx b/Computer_Vision/mixer_l16_224_Opset16_timm/mixer_l16_224_Opset16.onnx new file mode 100644 index 000000000..4d8f76d0e --- /dev/null +++ b/Computer_Vision/mixer_l16_224_Opset16_timm/mixer_l16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3868781138b0f15cc6847041601c4af729ddcfa34cb223ba584ea155ea05ba3 +size 832981869 diff --git a/Computer_Vision/mixer_l16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mixer_l16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..feebcda5d --- /dev/null +++ b/Computer_Vision/mixer_l16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.083913803100586 + set_success: 0.019438743591308594 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mixer_l16_224_timm_e193cb27/onnx/mixer_l16_224_timm_e193cb27-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mixer_l16_224.py +class: MlpMixer +hash: c384b09e +model_name: mixer_l16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 813458.8887 +onnx_ops_counter: + Add: 290 + Concat: 1 + Constant: 246 + Conv: 1 + Div: 97 + Erf: 48 + Gemm: 1 + MatMul: 96 + Mul: 145 + Pow: 49 + ReduceMean: 99 + Reshape: 1 + Shape: 1 + Slice: 1 + Sqrt: 49 + Sub: 49 + Transpose: 49 +parameters: 208196168 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mixer_l16_224_Opset17_timm/mixer_l16_224_Opset17.onnx b/Computer_Vision/mixer_l16_224_Opset17_timm/mixer_l16_224_Opset17.onnx new file mode 100644 index 000000000..7bf625827 --- /dev/null +++ b/Computer_Vision/mixer_l16_224_Opset17_timm/mixer_l16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08763332219fc451cd93a7d0d0a02df7c43464dc9ea2eb3bd431df5b134c2ae9 +size 832919235 diff --git a/Computer_Vision/mixer_l16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mixer_l16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d2ef26f82 --- /dev/null +++ b/Computer_Vision/mixer_l16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.306462287902832 + set_success: 0.020385265350341797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mixer_l16_224_timm_e193cb27/onnx/mixer_l16_224_timm_e193cb27-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mixer_l16_224.py +class: MlpMixer +hash: c384b09e +model_name: mixer_l16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 813397.7227 +onnx_ops_counter: + Add: 192 + Concat: 1 + Constant: 148 + Conv: 1 + Div: 48 + Erf: 48 + Gemm: 1 + LayerNormalization: 49 + MatMul: 96 + Mul: 96 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 49 +parameters: 208196168 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mixer_l16_224_in21k_Opset16_timm/mixer_l16_224_in21k_Opset16.onnx b/Computer_Vision/mixer_l16_224_in21k_Opset16_timm/mixer_l16_224_in21k_Opset16.onnx new file mode 100644 index 000000000..4d8f76d0e --- /dev/null +++ b/Computer_Vision/mixer_l16_224_in21k_Opset16_timm/mixer_l16_224_in21k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3868781138b0f15cc6847041601c4af729ddcfa34cb223ba584ea155ea05ba3 +size 832981869 diff --git a/Computer_Vision/mixer_l16_224_in21k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mixer_l16_224_in21k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..aec819ed5 --- /dev/null +++ b/Computer_Vision/mixer_l16_224_in21k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.06109356880188 + set_success: 0.0191805362701416 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mixer_l16_224_in21k_timm_e193cb27/onnx/mixer_l16_224_in21k_timm_e193cb27-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mixer_l16_224_in21k.py +class: MlpMixer +hash: c384b09e +model_name: mixer_l16_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 813458.8887 +onnx_ops_counter: + Add: 290 + Concat: 1 + Constant: 246 + Conv: 1 + Div: 97 + Erf: 48 + Gemm: 1 + MatMul: 96 + Mul: 145 + Pow: 49 + ReduceMean: 99 + Reshape: 1 + Shape: 1 + Slice: 1 + Sqrt: 49 + Sub: 49 + Transpose: 49 +parameters: 208196168 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mixer_l16_224_in21k_Opset17_timm/mixer_l16_224_in21k_Opset17.onnx b/Computer_Vision/mixer_l16_224_in21k_Opset17_timm/mixer_l16_224_in21k_Opset17.onnx new file mode 100644 index 000000000..7bf625827 --- /dev/null +++ b/Computer_Vision/mixer_l16_224_in21k_Opset17_timm/mixer_l16_224_in21k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08763332219fc451cd93a7d0d0a02df7c43464dc9ea2eb3bd431df5b134c2ae9 +size 832919235 diff --git a/Computer_Vision/mixer_l16_224_in21k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mixer_l16_224_in21k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1e0444019 --- /dev/null +++ b/Computer_Vision/mixer_l16_224_in21k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.14248514175415 + set_success: 0.022263526916503906 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mixer_l16_224_in21k_timm_e193cb27/onnx/mixer_l16_224_in21k_timm_e193cb27-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mixer_l16_224_in21k.py +class: MlpMixer +hash: c384b09e +model_name: mixer_l16_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 813397.7227 +onnx_ops_counter: + Add: 192 + Concat: 1 + Constant: 148 + Conv: 1 + Div: 48 + Erf: 48 + Gemm: 1 + LayerNormalization: 49 + MatMul: 96 + Mul: 96 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 49 +parameters: 208196168 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mixnet_l_Opset16_timm/mixnet_l_Opset16.onnx b/Computer_Vision/mixnet_l_Opset16_timm/mixnet_l_Opset16.onnx new file mode 100644 index 000000000..058e9ea99 --- /dev/null +++ b/Computer_Vision/mixnet_l_Opset16_timm/mixnet_l_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:197fe2434a5139a049d6dd088ea287bd71ad262f8eda62fe1a21e856c5cac4ee +size 29546999 diff --git a/Computer_Vision/mixnet_l_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mixnet_l_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..18b841672 --- /dev/null +++ b/Computer_Vision/mixnet_l_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.392699718475342 + set_success: 0.01708078384399414 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mixnet_l_timm_5de8477d/onnx/mixnet_l_timm_5de8477d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mixnet_l.py +class: EfficientNet +hash: dbe46a4b +model_name: mixnet_l +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 28854.5234 +onnx_ops_counter: + Add: 14 + BatchNormalization: 41 + Concat: 41 + Constant: 18 + Conv: 155 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 64 + ReduceMean: 16 + Relu: 7 + Sigmoid: 64 + Split: 41 +parameters: 7329252 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mixnet_l_Opset17_timm/mixnet_l_Opset17.onnx b/Computer_Vision/mixnet_l_Opset17_timm/mixnet_l_Opset17.onnx new file mode 100644 index 000000000..b7cede6a7 --- /dev/null +++ b/Computer_Vision/mixnet_l_Opset17_timm/mixnet_l_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:28a908a869b1af7538b6d2c7cf42d0b991cb6094e98096b41f93654ee71617f1 +size 29546999 diff --git a/Computer_Vision/mixnet_l_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mixnet_l_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9f1788794 --- /dev/null +++ b/Computer_Vision/mixnet_l_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.443092107772827 + set_success: 0.016195297241210938 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mixnet_l_timm_5de8477d/onnx/mixnet_l_timm_5de8477d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mixnet_l.py +class: EfficientNet +hash: dbe46a4b +model_name: mixnet_l +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 28854.5234 +onnx_ops_counter: + Add: 14 + BatchNormalization: 41 + Concat: 41 + Constant: 18 + Conv: 155 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 64 + ReduceMean: 16 + Relu: 7 + Sigmoid: 64 + Split: 41 +parameters: 7329252 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mixnet_m_Opset16_timm/mixnet_m_Opset16.onnx b/Computer_Vision/mixnet_m_Opset16_timm/mixnet_m_Opset16.onnx new file mode 100644 index 000000000..c862c5083 --- /dev/null +++ b/Computer_Vision/mixnet_m_Opset16_timm/mixnet_m_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8274eeae07557ef49d9416dfa2ad89b675a7694030c888bb53856a478af93197 +size 20261339 diff --git a/Computer_Vision/mixnet_m_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mixnet_m_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5d5792b28 --- /dev/null +++ b/Computer_Vision/mixnet_m_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.5482962131500244 + set_success: 0.020177841186523438 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mixnet_m_timm_66be7695/onnx/mixnet_m_timm_66be7695-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mixnet_m.py +class: EfficientNet +hash: feeaf672 +model_name: mixnet_m +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 19786.4961 +onnx_ops_counter: + Add: 14 + BatchNormalization: 41 + Concat: 41 + Constant: 18 + Conv: 155 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 64 + ReduceMean: 16 + Relu: 7 + Sigmoid: 64 + Split: 41 +parameters: 5014382 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mixnet_m_Opset17_timm/mixnet_m_Opset17.onnx b/Computer_Vision/mixnet_m_Opset17_timm/mixnet_m_Opset17.onnx new file mode 100644 index 000000000..00cb0db72 --- /dev/null +++ b/Computer_Vision/mixnet_m_Opset17_timm/mixnet_m_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:67b6c61f175ce6b0c5634c3b5440793356c04790350916e97d876794067218c6 +size 20261339 diff --git a/Computer_Vision/mixnet_m_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mixnet_m_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ffa019a63 --- /dev/null +++ b/Computer_Vision/mixnet_m_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.2780072689056396 + set_success: 0.017954349517822266 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mixnet_m_timm_66be7695/onnx/mixnet_m_timm_66be7695-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mixnet_m.py +class: EfficientNet +hash: feeaf672 +model_name: mixnet_m +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 19786.4961 +onnx_ops_counter: + Add: 14 + BatchNormalization: 41 + Concat: 41 + Constant: 18 + Conv: 155 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 64 + ReduceMean: 16 + Relu: 7 + Sigmoid: 64 + Split: 41 +parameters: 5014382 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mixnet_s_Opset16_timm/mixnet_s_Opset16.onnx b/Computer_Vision/mixnet_s_Opset16_timm/mixnet_s_Opset16.onnx new file mode 100644 index 000000000..92f509e07 --- /dev/null +++ b/Computer_Vision/mixnet_s_Opset16_timm/mixnet_s_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:798fd2587f7604c7d31b1c35f44f4a8835fb70c2f944da2621afcd1012670ce1 +size 16695733 diff --git a/Computer_Vision/mixnet_s_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mixnet_s_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b705b3a90 --- /dev/null +++ b/Computer_Vision/mixnet_s_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7021839618682861 + set_success: 0.01593184471130371 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mixnet_s_timm_68bc9475/onnx/mixnet_s_timm_68bc9475-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mixnet_s.py +class: EfficientNet +hash: d1fb21db +model_name: mixnet_s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 16304.459 +onnx_ops_counter: + Add: 11 + BatchNormalization: 34 + Concat: 34 + Constant: 17 + Conv: 123 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 52 + ReduceMean: 13 + Relu: 7 + Sigmoid: 52 + Split: 34 +parameters: 4134606 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mixnet_s_Opset17_timm/mixnet_s_Opset17.onnx b/Computer_Vision/mixnet_s_Opset17_timm/mixnet_s_Opset17.onnx new file mode 100644 index 000000000..b097210e1 --- /dev/null +++ b/Computer_Vision/mixnet_s_Opset17_timm/mixnet_s_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40c5dce4ae7ddd46eb99ff328fb48bb4d37a374f8e76375cb038a125c774ed55 +size 16695733 diff --git a/Computer_Vision/mixnet_s_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mixnet_s_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ad34644a2 --- /dev/null +++ b/Computer_Vision/mixnet_s_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7092828750610352 + set_success: 0.015978097915649414 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mixnet_s_timm_68bc9475/onnx/mixnet_s_timm_68bc9475-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mixnet_s.py +class: EfficientNet +hash: d1fb21db +model_name: mixnet_s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 16304.459 +onnx_ops_counter: + Add: 11 + BatchNormalization: 34 + Concat: 34 + Constant: 17 + Conv: 123 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 52 + ReduceMean: 13 + Relu: 7 + Sigmoid: 52 + Split: 34 +parameters: 4134606 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mixnet_xl_Opset16_timm/mixnet_xl_Opset16.onnx b/Computer_Vision/mixnet_xl_Opset16_timm/mixnet_xl_Opset16.onnx new file mode 100644 index 000000000..4bc1ffc33 --- /dev/null +++ b/Computer_Vision/mixnet_xl_Opset16_timm/mixnet_xl_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c38099b58974802452ca72a20da08e2c376d90e920bfdd1d371aaeb235049a7 +size 47911664 diff --git a/Computer_Vision/mixnet_xl_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mixnet_xl_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..49e7e8044 --- /dev/null +++ b/Computer_Vision/mixnet_xl_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.4053890705108643 + set_success: 0.01774001121520996 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mixnet_xl_timm_d5fb6a56/onnx/mixnet_xl_timm_d5fb6a56-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mixnet_xl.py +class: EfficientNet +hash: 9f9f335b +model_name: mixnet_xl +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 46788.7666 +onnx_ops_counter: + Add: 18 + BatchNormalization: 52 + Concat: 52 + Constant: 18 + Conv: 192 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 80 + ReduceMean: 20 + Relu: 7 + Sigmoid: 80 + Split: 52 +parameters: 11896768 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mixnet_xl_Opset17_timm/mixnet_xl_Opset17.onnx b/Computer_Vision/mixnet_xl_Opset17_timm/mixnet_xl_Opset17.onnx new file mode 100644 index 000000000..21c4ca00c --- /dev/null +++ b/Computer_Vision/mixnet_xl_Opset17_timm/mixnet_xl_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e50a2b07fc2a752d21a4ab283f2ca7d6f52f7dc3b5035b4252dd498d0af145f +size 47911664 diff --git a/Computer_Vision/mixnet_xl_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mixnet_xl_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..65d125687 --- /dev/null +++ b/Computer_Vision/mixnet_xl_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.400761365890503 + set_success: 0.01832437515258789 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mixnet_xl_timm_d5fb6a56/onnx/mixnet_xl_timm_d5fb6a56-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mixnet_xl.py +class: EfficientNet +hash: 9f9f335b +model_name: mixnet_xl +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 46788.7666 +onnx_ops_counter: + Add: 18 + BatchNormalization: 52 + Concat: 52 + Constant: 18 + Conv: 192 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 80 + ReduceMean: 20 + Relu: 7 + Sigmoid: 80 + Split: 52 +parameters: 11896768 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mnasnet0_5_Opset16_torch_hub/mnasnet0_5_Opset16.onnx b/Computer_Vision/mnasnet0_5_Opset16_torch_hub/mnasnet0_5_Opset16.onnx new file mode 100644 index 000000000..3baae969d --- /dev/null +++ b/Computer_Vision/mnasnet0_5_Opset16_torch_hub/mnasnet0_5_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ca5719e9d6db2af56682cfdf0fdee50127748a9e0f47d5d5897c72f5fbec7f2 +size 8859805 diff --git a/Computer_Vision/mnasnet0_5_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/mnasnet0_5_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..776b9c158 --- /dev/null +++ b/Computer_Vision/mnasnet0_5_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,198 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.7516341209411621 + set_success: 0.01900959014892578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mnasnet0_5_torch_hub_e2379312/onnx/mnasnet0_5_torch_hub_e2379312-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/mnasnet0_5.py +class: MNASNet +hash: 913218e2 +model_name: mnasnet0_5 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 8652.1855 +onnx_ops_counter: + Add: 10 + Conv: 52 + Gemm: 1 + ReduceMean: 1 + Relu: 35 +parameters: 2218512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mnasnet0_5_Opset17_torch_hub/mnasnet0_5_Opset17.onnx b/Computer_Vision/mnasnet0_5_Opset17_torch_hub/mnasnet0_5_Opset17.onnx new file mode 100644 index 000000000..894df4567 --- /dev/null +++ b/Computer_Vision/mnasnet0_5_Opset17_torch_hub/mnasnet0_5_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34de8c7cd7c1a819815d43606f6400c62d47c4a3650bfef69ee7f01e2ed3b732 +size 8859805 diff --git a/Computer_Vision/mnasnet0_5_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/mnasnet0_5_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..48f5bb35a --- /dev/null +++ b/Computer_Vision/mnasnet0_5_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,198 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.6794943809509277 + set_success: 0.023654937744140625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mnasnet0_5_torch_hub_e2379312/onnx/mnasnet0_5_torch_hub_e2379312-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/mnasnet0_5.py +class: MNASNet +hash: 913218e2 +model_name: mnasnet0_5 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 8652.1855 +onnx_ops_counter: + Add: 10 + Conv: 52 + Gemm: 1 + ReduceMean: 1 + Relu: 35 +parameters: 2218512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mnasnet0_75_Opset16_torch_hub/mnasnet0_75_Opset16.onnx b/Computer_Vision/mnasnet0_75_Opset16_torch_hub/mnasnet0_75_Opset16.onnx new file mode 100644 index 000000000..5512d5f84 --- /dev/null +++ b/Computer_Vision/mnasnet0_75_Opset16_torch_hub/mnasnet0_75_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0bd9dd8aded16879f4c6b7f1110ccd18cafa2d35d9c915af9b2f2ffc24e3e6a +size 12648247 diff --git a/Computer_Vision/mnasnet0_75_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/mnasnet0_75_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..45fe98011 --- /dev/null +++ b/Computer_Vision/mnasnet0_75_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,198 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.7838835716247559 + set_success: 0.01735854148864746 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mnasnet0_75_torch_hub_b5e7f927/onnx/mnasnet0_75_torch_hub_b5e7f927-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/mnasnet0_75.py +class: MNASNet +hash: 4a915154 +model_name: mnasnet0_75 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 12351.8359 +onnx_ops_counter: + Add: 10 + Conv: 52 + Gemm: 1 + ReduceMean: 1 + Relu: 35 +parameters: 3170208 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mnasnet0_75_Opset17_torch_hub/mnasnet0_75_Opset17.onnx b/Computer_Vision/mnasnet0_75_Opset17_torch_hub/mnasnet0_75_Opset17.onnx new file mode 100644 index 000000000..9a88b719d --- /dev/null +++ b/Computer_Vision/mnasnet0_75_Opset17_torch_hub/mnasnet0_75_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:15cf93faa6f74ff39ec077041f62e70531b83c68fe3651f6c285ca1410397a1b +size 12648247 diff --git a/Computer_Vision/mnasnet0_75_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/mnasnet0_75_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..9dc89ed1f --- /dev/null +++ b/Computer_Vision/mnasnet0_75_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,198 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.7518107891082764 + set_success: 0.01615428924560547 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mnasnet0_75_torch_hub_b5e7f927/onnx/mnasnet0_75_torch_hub_b5e7f927-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/mnasnet0_75.py +class: MNASNet +hash: 4a915154 +model_name: mnasnet0_75 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 12351.8359 +onnx_ops_counter: + Add: 10 + Conv: 52 + Gemm: 1 + ReduceMean: 1 + Relu: 35 +parameters: 3170208 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mnasnet1_0_Opset16_torch_hub/mnasnet1_0_Opset16.onnx b/Computer_Vision/mnasnet1_0_Opset16_torch_hub/mnasnet1_0_Opset16.onnx new file mode 100644 index 000000000..a3cb90304 --- /dev/null +++ b/Computer_Vision/mnasnet1_0_Opset16_torch_hub/mnasnet1_0_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d81cf6c9084772aabfd1feaa423e42574e2787ad9e9522e5ff7dc8c1b9a3a9fd +size 17484455 diff --git a/Computer_Vision/mnasnet1_0_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/mnasnet1_0_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..2cce4c20b --- /dev/null +++ b/Computer_Vision/mnasnet1_0_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,198 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1826412677764893 + set_success: 0.017318248748779297 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mnasnet1_0_torch_hub_844c42b0/onnx/mnasnet1_0_torch_hub_844c42b0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/mnasnet1_0.py +class: MNASNet +hash: 041e693a +model_name: mnasnet1_0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 17074.6953 +onnx_ops_counter: + Add: 10 + Conv: 52 + Gemm: 1 + ReduceMean: 1 + Relu: 35 +parameters: 4383312 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mnasnet1_0_Opset17_torch_hub/mnasnet1_0_Opset17.onnx b/Computer_Vision/mnasnet1_0_Opset17_torch_hub/mnasnet1_0_Opset17.onnx new file mode 100644 index 000000000..77e026060 --- /dev/null +++ b/Computer_Vision/mnasnet1_0_Opset17_torch_hub/mnasnet1_0_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff3b4cb88de2139cd28445302dbf8094633b8e819d475cb345b32c8a998479bc +size 17484455 diff --git a/Computer_Vision/mnasnet1_0_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/mnasnet1_0_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..3edb9b1a0 --- /dev/null +++ b/Computer_Vision/mnasnet1_0_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,198 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8464195728302002 + set_success: 0.015371561050415039 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mnasnet1_0_torch_hub_844c42b0/onnx/mnasnet1_0_torch_hub_844c42b0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/mnasnet1_0.py +class: MNASNet +hash: 041e693a +model_name: mnasnet1_0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 17074.6953 +onnx_ops_counter: + Add: 10 + Conv: 52 + Gemm: 1 + ReduceMean: 1 + Relu: 35 +parameters: 4383312 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mnasnet1_3_Opset16_torch_hub/mnasnet1_3_Opset16.onnx b/Computer_Vision/mnasnet1_3_Opset16_torch_hub/mnasnet1_3_Opset16.onnx new file mode 100644 index 000000000..863e12c49 --- /dev/null +++ b/Computer_Vision/mnasnet1_3_Opset16_torch_hub/mnasnet1_3_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac3a410a8c747f1931dbf15a1b704bcfbaf6857928e6581e08b304f3d2debfe5 +size 25058473 diff --git a/Computer_Vision/mnasnet1_3_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/mnasnet1_3_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..9ede7d176 --- /dev/null +++ b/Computer_Vision/mnasnet1_3_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,198 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9414160251617432 + set_success: 0.01653146743774414 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mnasnet1_3_torch_hub_f1fc744d/onnx/mnasnet1_3_torch_hub_f1fc744d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/mnasnet1_3.py +class: MNASNet +hash: 87ea0deb +model_name: mnasnet1_3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 24471.1973 +onnx_ops_counter: + Add: 10 + Conv: 52 + Gemm: 1 + ReduceMean: 1 + Relu: 35 +parameters: 6282256 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mnasnet1_3_Opset17_torch_hub/mnasnet1_3_Opset17.onnx b/Computer_Vision/mnasnet1_3_Opset17_torch_hub/mnasnet1_3_Opset17.onnx new file mode 100644 index 000000000..edd8ffc1d --- /dev/null +++ b/Computer_Vision/mnasnet1_3_Opset17_torch_hub/mnasnet1_3_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22fac3931d62247563982f854658d1df810bb0555ed343df98858f930377651f +size 25058473 diff --git a/Computer_Vision/mnasnet1_3_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/mnasnet1_3_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..10e1abd5a --- /dev/null +++ b/Computer_Vision/mnasnet1_3_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,198 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9381003379821777 + set_success: 0.016489028930664062 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mnasnet1_3_torch_hub_f1fc744d/onnx/mnasnet1_3_torch_hub_f1fc744d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/mnasnet1_3.py +class: MNASNet +hash: 87ea0deb +model_name: mnasnet1_3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 24471.1973 +onnx_ops_counter: + Add: 10 + Conv: 52 + Gemm: 1 + ReduceMean: 1 + Relu: 35 +parameters: 6282256 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mnasnet_100_Opset16_timm/mnasnet_100_Opset16.onnx b/Computer_Vision/mnasnet_100_Opset16_timm/mnasnet_100_Opset16.onnx new file mode 100644 index 000000000..8c47fc46e --- /dev/null +++ b/Computer_Vision/mnasnet_100_Opset16_timm/mnasnet_100_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5d43235dd6e37172926def33ed1c5f20ba2d6d6b5edea11573f29558b93eb9c +size 17482441 diff --git a/Computer_Vision/mnasnet_100_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mnasnet_100_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..725368e86 --- /dev/null +++ b/Computer_Vision/mnasnet_100_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8283038139343262 + set_success: 0.015778779983520508 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mnasnet_100_timm_5957f540/onnx/mnasnet_100_timm_5957f540-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mnasnet_100.py +class: EfficientNet +hash: d1d8126f +model_name: mnasnet_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 17072.7285 +onnx_ops_counter: + Add: 10 + Conv: 52 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 35 +parameters: 4383312 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mnasnet_100_Opset17_timm/mnasnet_100_Opset17.onnx b/Computer_Vision/mnasnet_100_Opset17_timm/mnasnet_100_Opset17.onnx new file mode 100644 index 000000000..284542d1b --- /dev/null +++ b/Computer_Vision/mnasnet_100_Opset17_timm/mnasnet_100_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c3f9bc44239843585bebfa9ead904173e7b95766c4b77b432e1afe660dc2915 +size 17482441 diff --git a/Computer_Vision/mnasnet_100_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mnasnet_100_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6c289c438 --- /dev/null +++ b/Computer_Vision/mnasnet_100_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8222560882568359 + set_success: 0.014541864395141602 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mnasnet_100_timm_5957f540/onnx/mnasnet_100_timm_5957f540-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mnasnet_100.py +class: EfficientNet +hash: d1d8126f +model_name: mnasnet_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 17072.7285 +onnx_ops_counter: + Add: 10 + Conv: 52 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 35 +parameters: 4383312 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mnasnet_100_Opset18_timm/mnasnet_100_Opset18.onnx b/Computer_Vision/mnasnet_100_Opset18_timm/mnasnet_100_Opset18.onnx new file mode 100644 index 000000000..3a2abe8ad --- /dev/null +++ b/Computer_Vision/mnasnet_100_Opset18_timm/mnasnet_100_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff561c72637ee7d199fc36b98ba734cc5935e7c1540da9fc384c1a8548c406a0 +size 17482441 diff --git a/Computer_Vision/mnasnet_100_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/mnasnet_100_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..398d2159d --- /dev/null +++ b/Computer_Vision/mnasnet_100_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8543000221252441 + set_success: 0.016551971435546875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mnasnet_100_timm_5957f540/onnx/mnasnet_100_timm_5957f540-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mnasnet_100.py +class: EfficientNet +hash: d1d8126f +model_name: mnasnet_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 17072.7285 +onnx_ops_counter: + Add: 10 + Conv: 52 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 35 +parameters: 4383312 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mnasnet_a1_Opset16_timm/mnasnet_a1_Opset16.onnx b/Computer_Vision/mnasnet_a1_Opset16_timm/mnasnet_a1_Opset16.onnx new file mode 100644 index 000000000..cd24411b5 --- /dev/null +++ b/Computer_Vision/mnasnet_a1_Opset16_timm/mnasnet_a1_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:92fd5f544293a5bba6028451c90e86602f481634db02d5e94253b541b938d812 +size 15517142 diff --git a/Computer_Vision/mnasnet_a1_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mnasnet_a1_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..56208b0d5 --- /dev/null +++ b/Computer_Vision/mnasnet_a1_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9256496429443359 + set_success: 0.01627182960510254 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mnasnet_a1_timm_f720e9d0/onnx/mnasnet_a1_timm_f720e9d0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mnasnet_a1.py +class: EfficientNet +hash: e1760261 +model_name: mnasnet_a1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 15153.4912 +onnx_ops_counter: + Add: 9 + Conv: 65 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 8 + ReduceMean: 8 + Relu: 41 + Sigmoid: 8 +parameters: 3887038 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mnasnet_a1_Opset17_timm/mnasnet_a1_Opset17.onnx b/Computer_Vision/mnasnet_a1_Opset17_timm/mnasnet_a1_Opset17.onnx new file mode 100644 index 000000000..9aed9a2f0 --- /dev/null +++ b/Computer_Vision/mnasnet_a1_Opset17_timm/mnasnet_a1_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c305936ae21043ad12b82013ac78e61ca919ee5990ba07cfe4c788009a2cb3dc +size 15517142 diff --git a/Computer_Vision/mnasnet_a1_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mnasnet_a1_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f1992e6cc --- /dev/null +++ b/Computer_Vision/mnasnet_a1_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9277744293212891 + set_success: 0.015358686447143555 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mnasnet_a1_timm_f720e9d0/onnx/mnasnet_a1_timm_f720e9d0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mnasnet_a1.py +class: EfficientNet +hash: e1760261 +model_name: mnasnet_a1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 15153.4912 +onnx_ops_counter: + Add: 9 + Conv: 65 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 8 + ReduceMean: 8 + Relu: 41 + Sigmoid: 8 +parameters: 3887038 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mnasnet_b1_Opset16_timm/mnasnet_b1_Opset16.onnx b/Computer_Vision/mnasnet_b1_Opset16_timm/mnasnet_b1_Opset16.onnx new file mode 100644 index 000000000..8c47fc46e --- /dev/null +++ b/Computer_Vision/mnasnet_b1_Opset16_timm/mnasnet_b1_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5d43235dd6e37172926def33ed1c5f20ba2d6d6b5edea11573f29558b93eb9c +size 17482441 diff --git a/Computer_Vision/mnasnet_b1_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mnasnet_b1_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..848023351 --- /dev/null +++ b/Computer_Vision/mnasnet_b1_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8184962272644043 + set_success: 0.016144990921020508 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mnasnet_b1_timm_5957f540/onnx/mnasnet_b1_timm_5957f540-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mnasnet_b1.py +class: EfficientNet +hash: d1d8126f +model_name: mnasnet_b1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 17072.7285 +onnx_ops_counter: + Add: 10 + Conv: 52 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 35 +parameters: 4383312 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mnasnet_b1_Opset17_timm/mnasnet_b1_Opset17.onnx b/Computer_Vision/mnasnet_b1_Opset17_timm/mnasnet_b1_Opset17.onnx new file mode 100644 index 000000000..284542d1b --- /dev/null +++ b/Computer_Vision/mnasnet_b1_Opset17_timm/mnasnet_b1_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c3f9bc44239843585bebfa9ead904173e7b95766c4b77b432e1afe660dc2915 +size 17482441 diff --git a/Computer_Vision/mnasnet_b1_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mnasnet_b1_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..dbd5583ee --- /dev/null +++ b/Computer_Vision/mnasnet_b1_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.868070125579834 + set_success: 0.017213106155395508 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mnasnet_b1_timm_5957f540/onnx/mnasnet_b1_timm_5957f540-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mnasnet_b1.py +class: EfficientNet +hash: d1d8126f +model_name: mnasnet_b1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 17072.7285 +onnx_ops_counter: + Add: 10 + Conv: 52 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 35 +parameters: 4383312 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mnasnet_b1_Opset18_timm/mnasnet_b1_Opset18.onnx b/Computer_Vision/mnasnet_b1_Opset18_timm/mnasnet_b1_Opset18.onnx new file mode 100644 index 000000000..3a2abe8ad --- /dev/null +++ b/Computer_Vision/mnasnet_b1_Opset18_timm/mnasnet_b1_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff561c72637ee7d199fc36b98ba734cc5935e7c1540da9fc384c1a8548c406a0 +size 17482441 diff --git a/Computer_Vision/mnasnet_b1_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/mnasnet_b1_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..54373e886 --- /dev/null +++ b/Computer_Vision/mnasnet_b1_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8433372974395752 + set_success: 0.015743732452392578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mnasnet_b1_timm_5957f540/onnx/mnasnet_b1_timm_5957f540-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mnasnet_b1.py +class: EfficientNet +hash: d1d8126f +model_name: mnasnet_b1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 17072.7285 +onnx_ops_counter: + Add: 10 + Conv: 52 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 35 +parameters: 4383312 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mnasnet_small_Opset16_timm/mnasnet_small_Opset16.onnx b/Computer_Vision/mnasnet_small_Opset16_timm/mnasnet_small_Opset16.onnx new file mode 100644 index 000000000..b36a54e18 --- /dev/null +++ b/Computer_Vision/mnasnet_small_Opset16_timm/mnasnet_small_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba97f39fe5cfa3c892e8413d828a924f86218e61ca028dcbf90b9d3fbe79662d +size 8125026 diff --git a/Computer_Vision/mnasnet_small_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mnasnet_small_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2a57ff123 --- /dev/null +++ b/Computer_Vision/mnasnet_small_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.7887308597564697 + set_success: 0.015717029571533203 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mnasnet_small_timm_e2f8bb3a/onnx/mnasnet_small_timm_e2f8bb3a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mnasnet_small.py +class: EfficientNet +hash: 802efe9c +model_name: mnasnet_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 7934.6279 +onnx_ops_counter: + Add: 10 + Conv: 66 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + ReduceMean: 10 + Relu: 41 + Sigmoid: 10 +parameters: 2030264 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mnasnet_small_Opset17_timm/mnasnet_small_Opset17.onnx b/Computer_Vision/mnasnet_small_Opset17_timm/mnasnet_small_Opset17.onnx new file mode 100644 index 000000000..d55bfa661 --- /dev/null +++ b/Computer_Vision/mnasnet_small_Opset17_timm/mnasnet_small_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1108c2661684278344e1db102460861dc77a0f2be91715a87c0975cd36865d71 +size 8125026 diff --git a/Computer_Vision/mnasnet_small_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mnasnet_small_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c6fcd1a7e --- /dev/null +++ b/Computer_Vision/mnasnet_small_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.7985224723815918 + set_success: 0.016220569610595703 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mnasnet_small_timm_e2f8bb3a/onnx/mnasnet_small_timm_e2f8bb3a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mnasnet_small.py +class: EfficientNet +hash: 802efe9c +model_name: mnasnet_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 7934.6279 +onnx_ops_counter: + Add: 10 + Conv: 66 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + ReduceMean: 10 + Relu: 41 + Sigmoid: 10 +parameters: 2030264 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenet_v2_Opset16_torch_hub/mobilenet_v2_Opset16.onnx b/Computer_Vision/mobilenet_v2_Opset16_torch_hub/mobilenet_v2_Opset16.onnx new file mode 100644 index 000000000..951536bca --- /dev/null +++ b/Computer_Vision/mobilenet_v2_Opset16_torch_hub/mobilenet_v2_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a7fad8961375c3eb6b895c5099f183f144b3622bf8fb9f67b390786cef9af91b +size 13992248 diff --git a/Computer_Vision/mobilenet_v2_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/mobilenet_v2_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..0823f4eef --- /dev/null +++ b/Computer_Vision/mobilenet_v2_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8810248374938965 + set_success: 0.016506671905517578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenet_v2_torch_hub_dc886fea/onnx/mobilenet_v2_torch_hub_dc886fea-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/mobilenet_v2.py +class: MobileNetV2 +hash: a81033ae +model_name: mobilenet_v2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 13664.3369 +onnx_ops_counter: + Add: 10 + Clip: 35 + Constant: 70 + Conv: 52 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 +parameters: 3504872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenet_v2_Opset17_torch_hub/mobilenet_v2_Opset17.onnx b/Computer_Vision/mobilenet_v2_Opset17_torch_hub/mobilenet_v2_Opset17.onnx new file mode 100644 index 000000000..f12083ec4 --- /dev/null +++ b/Computer_Vision/mobilenet_v2_Opset17_torch_hub/mobilenet_v2_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1acdc7323ff91c6e47866b8507af26514b1c2d94f765afc0d210277ea084eb47 +size 13992248 diff --git a/Computer_Vision/mobilenet_v2_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/mobilenet_v2_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..13300fc1f --- /dev/null +++ b/Computer_Vision/mobilenet_v2_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8766651153564453 + set_success: 0.016750812530517578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenet_v2_torch_hub_dc886fea/onnx/mobilenet_v2_torch_hub_dc886fea-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/mobilenet_v2.py +class: MobileNetV2 +hash: a81033ae +model_name: mobilenet_v2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 13664.3369 +onnx_ops_counter: + Add: 10 + Clip: 35 + Constant: 70 + Conv: 52 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 +parameters: 3504872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenet_v2_Opset18_torch_hub/mobilenet_v2_Opset18.onnx b/Computer_Vision/mobilenet_v2_Opset18_torch_hub/mobilenet_v2_Opset18.onnx new file mode 100644 index 000000000..a389871ef --- /dev/null +++ b/Computer_Vision/mobilenet_v2_Opset18_torch_hub/mobilenet_v2_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bee0c89271c65e911d645cdffe8cf5ad0cb859b4918e8ce2b6f81074964dd6e9 +size 13992248 diff --git a/Computer_Vision/mobilenet_v2_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/mobilenet_v2_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..d7551d3da --- /dev/null +++ b/Computer_Vision/mobilenet_v2_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.859607458114624 + set_success: 0.015816926956176758 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenet_v2_torch_hub_dc886fea/onnx/mobilenet_v2_torch_hub_dc886fea-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/mobilenet_v2.py +class: MobileNetV2 +hash: a81033ae +model_name: mobilenet_v2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 13664.3369 +onnx_ops_counter: + Add: 10 + Clip: 35 + Constant: 70 + Conv: 52 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 +parameters: 3504872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenet_v3_large_Opset16_torch_hub/mobilenet_v3_large_Opset16.onnx b/Computer_Vision/mobilenet_v3_large_Opset16_torch_hub/mobilenet_v3_large_Opset16.onnx new file mode 100644 index 000000000..d1fd97937 --- /dev/null +++ b/Computer_Vision/mobilenet_v3_large_Opset16_torch_hub/mobilenet_v3_large_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50d7fdb01f8cdd11475d5a687659e482b03a4823a5d7e16a4017d8a3780fe1ff +size 21922120 diff --git a/Computer_Vision/mobilenet_v3_large_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/mobilenet_v3_large_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..a02393c5b --- /dev/null +++ b/Computer_Vision/mobilenet_v3_large_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9601280689239502 + set_success: 0.018153905868530273 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenet_v3_large_torch_hub_63093d2e/onnx/mobilenet_v3_large_torch_hub_63093d2e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/mobilenet_v3_large.py +class: MobileNetV3 +hash: 00777649 +model_name: mobilenet_v3_large +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 21408.3525 +onnx_ops_counter: + Add: 10 + Conv: 62 + Flatten: 1 + Gemm: 2 + GlobalAveragePool: 9 + HardSigmoid: 8 + HardSwish: 21 + Mul: 8 + Relu: 19 +parameters: 5483032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenet_v3_large_Opset17_torch_hub/mobilenet_v3_large_Opset17.onnx b/Computer_Vision/mobilenet_v3_large_Opset17_torch_hub/mobilenet_v3_large_Opset17.onnx new file mode 100644 index 000000000..6a4bf0c7d --- /dev/null +++ b/Computer_Vision/mobilenet_v3_large_Opset17_torch_hub/mobilenet_v3_large_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b13ac3ccb407ecbbcae0fe427f065c44dd96e259935de35699e607ec5ba12bc +size 21922120 diff --git a/Computer_Vision/mobilenet_v3_large_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/mobilenet_v3_large_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..40e9b57d2 --- /dev/null +++ b/Computer_Vision/mobilenet_v3_large_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.938960075378418 + set_success: 0.015505075454711914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenet_v3_large_torch_hub_63093d2e/onnx/mobilenet_v3_large_torch_hub_63093d2e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/mobilenet_v3_large.py +class: MobileNetV3 +hash: 00777649 +model_name: mobilenet_v3_large +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 21408.3525 +onnx_ops_counter: + Add: 10 + Conv: 62 + Flatten: 1 + Gemm: 2 + GlobalAveragePool: 9 + HardSigmoid: 8 + HardSwish: 21 + Mul: 8 + Relu: 19 +parameters: 5483032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenet_v3_large_Opset18_torch_hub/mobilenet_v3_large_Opset18.onnx b/Computer_Vision/mobilenet_v3_large_Opset18_torch_hub/mobilenet_v3_large_Opset18.onnx new file mode 100644 index 000000000..bff2f615f --- /dev/null +++ b/Computer_Vision/mobilenet_v3_large_Opset18_torch_hub/mobilenet_v3_large_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:216203ddc735ade34137ebe9b6390bdecfc60b6893edc821d4a4624d52dbc74e +size 21922120 diff --git a/Computer_Vision/mobilenet_v3_large_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/mobilenet_v3_large_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..7a1e42298 --- /dev/null +++ b/Computer_Vision/mobilenet_v3_large_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9261915683746338 + set_success: 0.015126228332519531 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenet_v3_large_torch_hub_63093d2e/onnx/mobilenet_v3_large_torch_hub_63093d2e-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/mobilenet_v3_large.py +class: MobileNetV3 +hash: 00777649 +model_name: mobilenet_v3_large +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 21408.3525 +onnx_ops_counter: + Add: 10 + Conv: 62 + Flatten: 1 + Gemm: 2 + GlobalAveragePool: 9 + HardSigmoid: 8 + HardSwish: 21 + Mul: 8 + Relu: 19 +parameters: 5483032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenet_v3_small_Opset16_torch_hub/mobilenet_v3_small_Opset16.onnx b/Computer_Vision/mobilenet_v3_small_Opset16_torch_hub/mobilenet_v3_small_Opset16.onnx new file mode 100644 index 000000000..72cb445ef --- /dev/null +++ b/Computer_Vision/mobilenet_v3_small_Opset16_torch_hub/mobilenet_v3_small_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39fd025af33203988e42840791b50f57ae8ed15830a1cc9d67c413759d353395 +size 10181029 diff --git a/Computer_Vision/mobilenet_v3_small_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/mobilenet_v3_small_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..027d9d803 --- /dev/null +++ b/Computer_Vision/mobilenet_v3_small_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.6613762378692627 + set_success: 0.015169620513916016 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenet_v3_small_torch_hub_1c4928e4/onnx/mobilenet_v3_small_torch_hub_1c4928e4-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/mobilenet_v3_small.py +class: MobileNetV3 +hash: e7fae853 +model_name: mobilenet_v3_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 9942.4434 +onnx_ops_counter: + Add: 6 + Conv: 52 + Flatten: 1 + Gemm: 2 + GlobalAveragePool: 10 + HardSigmoid: 9 + HardSwish: 19 + Mul: 9 + Relu: 14 +parameters: 2542856 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenet_v3_small_Opset17_torch_hub/mobilenet_v3_small_Opset17.onnx b/Computer_Vision/mobilenet_v3_small_Opset17_torch_hub/mobilenet_v3_small_Opset17.onnx new file mode 100644 index 000000000..e5af4758d --- /dev/null +++ b/Computer_Vision/mobilenet_v3_small_Opset17_torch_hub/mobilenet_v3_small_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9152343d120cf7b03b6b775a5fccd53813cc21891e376060a8edd2dfc0c35193 +size 10181029 diff --git a/Computer_Vision/mobilenet_v3_small_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/mobilenet_v3_small_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..55d4e332d --- /dev/null +++ b/Computer_Vision/mobilenet_v3_small_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.6740336418151855 + set_success: 0.018039226531982422 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenet_v3_small_torch_hub_1c4928e4/onnx/mobilenet_v3_small_torch_hub_1c4928e4-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/mobilenet_v3_small.py +class: MobileNetV3 +hash: e7fae853 +model_name: mobilenet_v3_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 9942.4434 +onnx_ops_counter: + Add: 6 + Conv: 52 + Flatten: 1 + Gemm: 2 + GlobalAveragePool: 10 + HardSigmoid: 9 + HardSwish: 19 + Mul: 9 + Relu: 14 +parameters: 2542856 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenet_v3_small_Opset18_torch_hub/mobilenet_v3_small_Opset18.onnx b/Computer_Vision/mobilenet_v3_small_Opset18_torch_hub/mobilenet_v3_small_Opset18.onnx new file mode 100644 index 000000000..dbb3d2ae0 --- /dev/null +++ b/Computer_Vision/mobilenet_v3_small_Opset18_torch_hub/mobilenet_v3_small_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d051ebb02109052aa035022d075e77283a4168737f03a320bdc05a79c8e12ac +size 10181029 diff --git a/Computer_Vision/mobilenet_v3_small_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/mobilenet_v3_small_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..3fa5e4396 --- /dev/null +++ b/Computer_Vision/mobilenet_v3_small_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.675839900970459 + set_success: 0.01559901237487793 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenet_v3_small_torch_hub_1c4928e4/onnx/mobilenet_v3_small_torch_hub_1c4928e4-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/mobilenet_v3_small.py +class: MobileNetV3 +hash: e7fae853 +model_name: mobilenet_v3_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 9942.4434 +onnx_ops_counter: + Add: 6 + Conv: 52 + Flatten: 1 + Gemm: 2 + GlobalAveragePool: 10 + HardSigmoid: 9 + HardSwish: 19 + Mul: 9 + Relu: 14 +parameters: 2542856 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv2_050_Opset16_timm/mobilenetv2_050_Opset16.onnx b/Computer_Vision/mobilenetv2_050_Opset16_timm/mobilenetv2_050_Opset16.onnx new file mode 100644 index 000000000..e21931020 --- /dev/null +++ b/Computer_Vision/mobilenetv2_050_Opset16_timm/mobilenetv2_050_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50119b607a02f22a996cd03b7204b4cdce75c8adf2ce6c2e29d6b8e5385dcc06 +size 7875877 diff --git a/Computer_Vision/mobilenetv2_050_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv2_050_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..257a26cc8 --- /dev/null +++ b/Computer_Vision/mobilenetv2_050_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.7278103828430176 + set_success: 0.015553951263427734 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv2_050_timm_0e732cca/onnx/mobilenetv2_050_timm_0e732cca-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv2_050.py +class: EfficientNet +hash: 66d234d9 +model_name: mobilenetv2_050 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 7691.3184 +onnx_ops_counter: + Add: 10 + Clip: 35 + Constant: 70 + Conv: 52 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 +parameters: 1968680 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv2_050_Opset17_timm/mobilenetv2_050_Opset17.onnx b/Computer_Vision/mobilenetv2_050_Opset17_timm/mobilenetv2_050_Opset17.onnx new file mode 100644 index 000000000..b233d488d --- /dev/null +++ b/Computer_Vision/mobilenetv2_050_Opset17_timm/mobilenetv2_050_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:192f09d45d96c3a4ca8ea271613e2b48c37ac15a93396fde3a4d7b2ea0aad36b +size 7875877 diff --git a/Computer_Vision/mobilenetv2_050_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv2_050_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1d23ae09c --- /dev/null +++ b/Computer_Vision/mobilenetv2_050_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.741382360458374 + set_success: 0.015107154846191406 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv2_050_timm_0e732cca/onnx/mobilenetv2_050_timm_0e732cca-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv2_050.py +class: EfficientNet +hash: 66d234d9 +model_name: mobilenetv2_050 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 7691.3184 +onnx_ops_counter: + Add: 10 + Clip: 35 + Constant: 70 + Conv: 52 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 +parameters: 1968680 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv2_050_Opset18_timm/mobilenetv2_050_Opset18.onnx b/Computer_Vision/mobilenetv2_050_Opset18_timm/mobilenetv2_050_Opset18.onnx new file mode 100644 index 000000000..220213729 --- /dev/null +++ b/Computer_Vision/mobilenetv2_050_Opset18_timm/mobilenetv2_050_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ceafcb216350dff302870f3077e6c2995738428ac1af3bc14403ee229e23f42 +size 7875877 diff --git a/Computer_Vision/mobilenetv2_050_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv2_050_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a79fb41ec --- /dev/null +++ b/Computer_Vision/mobilenetv2_050_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.7607369422912598 + set_success: 0.01679229736328125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv2_050_timm_0e732cca/onnx/mobilenetv2_050_timm_0e732cca-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv2_050.py +class: EfficientNet +hash: 66d234d9 +model_name: mobilenetv2_050 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 7691.3184 +onnx_ops_counter: + Add: 10 + Clip: 35 + Constant: 70 + Conv: 52 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 +parameters: 1968680 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv2_100_Opset16_timm/mobilenetv2_100_Opset16.onnx b/Computer_Vision/mobilenetv2_100_Opset16_timm/mobilenetv2_100_Opset16.onnx new file mode 100644 index 000000000..5d70e1367 --- /dev/null +++ b/Computer_Vision/mobilenetv2_100_Opset16_timm/mobilenetv2_100_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c1793982c0504e1808e7d0d99d4cc5972de35137d6b5e8492573ecb72b2e241f +size 13989578 diff --git a/Computer_Vision/mobilenetv2_100_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv2_100_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..80e094a50 --- /dev/null +++ b/Computer_Vision/mobilenetv2_100_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.872382640838623 + set_success: 0.01595330238342285 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv2_100_timm_27309be4/onnx/mobilenetv2_100_timm_27309be4-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv2_100.py +class: EfficientNet +hash: c7096d5f +model_name: mobilenetv2_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 13661.7295 +onnx_ops_counter: + Add: 10 + Clip: 35 + Constant: 70 + Conv: 52 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 +parameters: 3504872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv2_100_Opset17_timm/mobilenetv2_100_Opset17.onnx b/Computer_Vision/mobilenetv2_100_Opset17_timm/mobilenetv2_100_Opset17.onnx new file mode 100644 index 000000000..cd722d44e --- /dev/null +++ b/Computer_Vision/mobilenetv2_100_Opset17_timm/mobilenetv2_100_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fbfdd0ff7c3404264a44644a8d134e5a488e97a926beffb64c774cc534f90681 +size 13989578 diff --git a/Computer_Vision/mobilenetv2_100_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv2_100_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5eb2bb930 --- /dev/null +++ b/Computer_Vision/mobilenetv2_100_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.945270299911499 + set_success: 0.018444061279296875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv2_100_timm_27309be4/onnx/mobilenetv2_100_timm_27309be4-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv2_100.py +class: EfficientNet +hash: c7096d5f +model_name: mobilenetv2_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 13661.7295 +onnx_ops_counter: + Add: 10 + Clip: 35 + Constant: 70 + Conv: 52 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 +parameters: 3504872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv2_100_Opset18_timm/mobilenetv2_100_Opset18.onnx b/Computer_Vision/mobilenetv2_100_Opset18_timm/mobilenetv2_100_Opset18.onnx new file mode 100644 index 000000000..9e2a3a297 --- /dev/null +++ b/Computer_Vision/mobilenetv2_100_Opset18_timm/mobilenetv2_100_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2beb37bd053331cdce5801f208319211a56a82a26d73e8b0134323f62097e23b +size 13989578 diff --git a/Computer_Vision/mobilenetv2_100_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv2_100_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cbec51c8f --- /dev/null +++ b/Computer_Vision/mobilenetv2_100_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8885829448699951 + set_success: 0.018188953399658203 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv2_100_timm_27309be4/onnx/mobilenetv2_100_timm_27309be4-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv2_100.py +class: EfficientNet +hash: c7096d5f +model_name: mobilenetv2_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 13661.7295 +onnx_ops_counter: + Add: 10 + Clip: 35 + Constant: 70 + Conv: 52 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 +parameters: 3504872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv2_110d_Opset16_timm/mobilenetv2_110d_Opset16.onnx b/Computer_Vision/mobilenetv2_110d_Opset16_timm/mobilenetv2_110d_Opset16.onnx new file mode 100644 index 000000000..d06f9c1ac --- /dev/null +++ b/Computer_Vision/mobilenetv2_110d_Opset16_timm/mobilenetv2_110d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8146018e892ed8a962bc30d0fa76b7eb48f46aab19d6e714d1f0b3463243a6e +size 18020784 diff --git a/Computer_Vision/mobilenetv2_110d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv2_110d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0a115f48b --- /dev/null +++ b/Computer_Vision/mobilenetv2_110d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1868054866790771 + set_success: 0.017035722732543945 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv2_110d_timm_3d104aee/onnx/mobilenetv2_110d_timm_3d104aee-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv2_110d.py +class: EfficientNet +hash: 483f3967 +model_name: mobilenetv2_110d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 17598.4541 +onnx_ops_counter: + Add: 15 + Clip: 45 + Constant: 90 + Conv: 67 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 +parameters: 4516520 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv2_110d_Opset17_timm/mobilenetv2_110d_Opset17.onnx b/Computer_Vision/mobilenetv2_110d_Opset17_timm/mobilenetv2_110d_Opset17.onnx new file mode 100644 index 000000000..264f42389 --- /dev/null +++ b/Computer_Vision/mobilenetv2_110d_Opset17_timm/mobilenetv2_110d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:11f855c3bf882b9eb2941145a8d1a9795de46853733938a112113b3131cbc7dd +size 18020784 diff --git a/Computer_Vision/mobilenetv2_110d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv2_110d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..748810576 --- /dev/null +++ b/Computer_Vision/mobilenetv2_110d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1983063220977783 + set_success: 0.016176462173461914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv2_110d_timm_3d104aee/onnx/mobilenetv2_110d_timm_3d104aee-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv2_110d.py +class: EfficientNet +hash: 483f3967 +model_name: mobilenetv2_110d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 17598.4541 +onnx_ops_counter: + Add: 15 + Clip: 45 + Constant: 90 + Conv: 67 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 +parameters: 4516520 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv2_110d_Opset18_timm/mobilenetv2_110d_Opset18.onnx b/Computer_Vision/mobilenetv2_110d_Opset18_timm/mobilenetv2_110d_Opset18.onnx new file mode 100644 index 000000000..5506fd1cf --- /dev/null +++ b/Computer_Vision/mobilenetv2_110d_Opset18_timm/mobilenetv2_110d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df04e6fa98f47ab0c1c951b9c80edbff588eb8e4af933a57466e44b53de53b7f +size 18020784 diff --git a/Computer_Vision/mobilenetv2_110d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv2_110d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..65ddf113a --- /dev/null +++ b/Computer_Vision/mobilenetv2_110d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2132625579833984 + set_success: 0.018103599548339844 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv2_110d_timm_3d104aee/onnx/mobilenetv2_110d_timm_3d104aee-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv2_110d.py +class: EfficientNet +hash: 483f3967 +model_name: mobilenetv2_110d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 17598.4541 +onnx_ops_counter: + Add: 15 + Clip: 45 + Constant: 90 + Conv: 67 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 +parameters: 4516520 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv2_120d_Opset16_timm/mobilenetv2_120d_Opset16.onnx b/Computer_Vision/mobilenetv2_120d_Opset16_timm/mobilenetv2_120d_Opset16.onnx new file mode 100644 index 000000000..fdfe7108d --- /dev/null +++ b/Computer_Vision/mobilenetv2_120d_Opset16_timm/mobilenetv2_120d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f677da9906b638822e4e687fa74ef0b4fb5f51400d7c9ecbb421ddd4a02de14 +size 23255911 diff --git a/Computer_Vision/mobilenetv2_120d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv2_120d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7e19689df --- /dev/null +++ b/Computer_Vision/mobilenetv2_120d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.4992060661315918 + set_success: 0.015649080276489258 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv2_120d_timm_9f1e1dac/onnx/mobilenetv2_120d_timm_9f1e1dac-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv2_120d.py +class: EfficientNet +hash: 4b0ed84b +model_name: mobilenetv2_120d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 22710.8828 +onnx_ops_counter: + Add: 19 + Clip: 53 + Constant: 106 + Conv: 79 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 +parameters: 5831144 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv2_120d_Opset17_timm/mobilenetv2_120d_Opset17.onnx b/Computer_Vision/mobilenetv2_120d_Opset17_timm/mobilenetv2_120d_Opset17.onnx new file mode 100644 index 000000000..a15e7a979 --- /dev/null +++ b/Computer_Vision/mobilenetv2_120d_Opset17_timm/mobilenetv2_120d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3aa27359cfe9b9fedbedc0fe982672714cb4ffa5a6fb5b3bb8b37e979c5f33c +size 23255911 diff --git a/Computer_Vision/mobilenetv2_120d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv2_120d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bf9b9ceb7 --- /dev/null +++ b/Computer_Vision/mobilenetv2_120d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.5253064632415771 + set_success: 0.017613649368286133 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv2_120d_timm_9f1e1dac/onnx/mobilenetv2_120d_timm_9f1e1dac-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv2_120d.py +class: EfficientNet +hash: 4b0ed84b +model_name: mobilenetv2_120d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 22710.8828 +onnx_ops_counter: + Add: 19 + Clip: 53 + Constant: 106 + Conv: 79 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 +parameters: 5831144 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv2_120d_Opset18_timm/mobilenetv2_120d_Opset18.onnx b/Computer_Vision/mobilenetv2_120d_Opset18_timm/mobilenetv2_120d_Opset18.onnx new file mode 100644 index 000000000..41ae38ae2 --- /dev/null +++ b/Computer_Vision/mobilenetv2_120d_Opset18_timm/mobilenetv2_120d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0c3259ac941730ce4e155c445bdd75942e5744ddfa836c3b9f80c5dcba525f4 +size 23255911 diff --git a/Computer_Vision/mobilenetv2_120d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv2_120d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..eb87c8406 --- /dev/null +++ b/Computer_Vision/mobilenetv2_120d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.5194871425628662 + set_success: 0.016243696212768555 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv2_120d_timm_9f1e1dac/onnx/mobilenetv2_120d_timm_9f1e1dac-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv2_120d.py +class: EfficientNet +hash: 4b0ed84b +model_name: mobilenetv2_120d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 22710.8828 +onnx_ops_counter: + Add: 19 + Clip: 53 + Constant: 106 + Conv: 79 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 +parameters: 5831144 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv2_140_Opset16_timm/mobilenetv2_140_Opset16.onnx b/Computer_Vision/mobilenetv2_140_Opset16_timm/mobilenetv2_140_Opset16.onnx new file mode 100644 index 000000000..748bb1e02 --- /dev/null +++ b/Computer_Vision/mobilenetv2_140_Opset16_timm/mobilenetv2_140_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2898d68569a21cebfa5ed1d5c17d4ab4c2761e19463d974e360b6b116a076545 +size 24377585 diff --git a/Computer_Vision/mobilenetv2_140_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv2_140_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f34d00610 --- /dev/null +++ b/Computer_Vision/mobilenetv2_140_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.0387637615203857 + set_success: 0.01645660400390625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv2_140_timm_a8bbbb1c/onnx/mobilenetv2_140_timm_a8bbbb1c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv2_140.py +class: EfficientNet +hash: 6760dda5 +model_name: mobilenetv2_140 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 23806.2676 +onnx_ops_counter: + Add: 10 + Clip: 35 + Constant: 70 + Conv: 52 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 +parameters: 6108776 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv2_140_Opset17_timm/mobilenetv2_140_Opset17.onnx b/Computer_Vision/mobilenetv2_140_Opset17_timm/mobilenetv2_140_Opset17.onnx new file mode 100644 index 000000000..1706b55f8 --- /dev/null +++ b/Computer_Vision/mobilenetv2_140_Opset17_timm/mobilenetv2_140_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f9941f4725dfbe7bd4c574ae316a816a64aded58853d8d75ac6a62f58ce732b +size 24377585 diff --git a/Computer_Vision/mobilenetv2_140_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv2_140_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bce117a67 --- /dev/null +++ b/Computer_Vision/mobilenetv2_140_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1469388008117676 + set_success: 0.022360563278198242 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv2_140_timm_a8bbbb1c/onnx/mobilenetv2_140_timm_a8bbbb1c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv2_140.py +class: EfficientNet +hash: 6760dda5 +model_name: mobilenetv2_140 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 23806.2676 +onnx_ops_counter: + Add: 10 + Clip: 35 + Constant: 70 + Conv: 52 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 +parameters: 6108776 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv2_140_Opset18_timm/mobilenetv2_140_Opset18.onnx b/Computer_Vision/mobilenetv2_140_Opset18_timm/mobilenetv2_140_Opset18.onnx new file mode 100644 index 000000000..b7a4b65c0 --- /dev/null +++ b/Computer_Vision/mobilenetv2_140_Opset18_timm/mobilenetv2_140_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d7e42c865fb7a9ac05ef21a4a4e446f81aaa6c7e70d00af0d896154004679e7 +size 24377585 diff --git a/Computer_Vision/mobilenetv2_140_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv2_140_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d96cff2c2 --- /dev/null +++ b/Computer_Vision/mobilenetv2_140_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.0142865180969238 + set_success: 0.016424179077148438 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv2_140_timm_a8bbbb1c/onnx/mobilenetv2_140_timm_a8bbbb1c-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv2_140.py +class: EfficientNet +hash: 6760dda5 +model_name: mobilenetv2_140 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 23806.2676 +onnx_ops_counter: + Add: 10 + Clip: 35 + Constant: 70 + Conv: 52 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 +parameters: 6108776 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv3_large_100_Opset16_timm/mobilenetv3_large_100_Opset16.onnx b/Computer_Vision/mobilenetv3_large_100_Opset16_timm/mobilenetv3_large_100_Opset16.onnx new file mode 100644 index 000000000..1467e4830 --- /dev/null +++ b/Computer_Vision/mobilenetv3_large_100_Opset16_timm/mobilenetv3_large_100_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:403035d363ecff81c8d7b01bc2964bd9bac319f8a04d8da88c328a1a0dbeaa41 +size 21919274 diff --git a/Computer_Vision/mobilenetv3_large_100_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv3_large_100_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..27ff33f5f --- /dev/null +++ b/Computer_Vision/mobilenetv3_large_100_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.174170970916748 + set_success: 0.019603967666625977 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv3_large_100_timm_8bf3f636/onnx/mobilenetv3_large_100_timm_8bf3f636-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv3_large_100.py +class: MobileNetV3 +hash: ffa3e1dd +model_name: mobilenetv3_large_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 21405.5732 +onnx_ops_counter: + Add: 10 + Conv: 63 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 8 + HardSwish: 21 + Mul: 8 + ReduceMean: 8 + Relu: 19 +parameters: 5483032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv3_large_100_Opset17_timm/mobilenetv3_large_100_Opset17.onnx b/Computer_Vision/mobilenetv3_large_100_Opset17_timm/mobilenetv3_large_100_Opset17.onnx new file mode 100644 index 000000000..387549f2c --- /dev/null +++ b/Computer_Vision/mobilenetv3_large_100_Opset17_timm/mobilenetv3_large_100_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0b785f44a068dee4ff35bd88b114d4fd17a8bd635816f8f0ee46fa8b196c29f +size 21919274 diff --git a/Computer_Vision/mobilenetv3_large_100_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv3_large_100_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..76f392696 --- /dev/null +++ b/Computer_Vision/mobilenetv3_large_100_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9150040149688721 + set_success: 0.014742851257324219 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv3_large_100_timm_8bf3f636/onnx/mobilenetv3_large_100_timm_8bf3f636-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv3_large_100.py +class: MobileNetV3 +hash: ffa3e1dd +model_name: mobilenetv3_large_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 21405.5732 +onnx_ops_counter: + Add: 10 + Conv: 63 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 8 + HardSwish: 21 + Mul: 8 + ReduceMean: 8 + Relu: 19 +parameters: 5483032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv3_large_100_miil_Opset16_timm/mobilenetv3_large_100_miil_Opset16.onnx b/Computer_Vision/mobilenetv3_large_100_miil_Opset16_timm/mobilenetv3_large_100_miil_Opset16.onnx new file mode 100644 index 000000000..63ab9400a --- /dev/null +++ b/Computer_Vision/mobilenetv3_large_100_miil_Opset16_timm/mobilenetv3_large_100_miil_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63ee6a1512d7d0587f19613b1d5718b7ad6b36f757faa11af45f7604e834515a +size 21919274 diff --git a/Computer_Vision/mobilenetv3_large_100_miil_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv3_large_100_miil_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c71a64ec2 --- /dev/null +++ b/Computer_Vision/mobilenetv3_large_100_miil_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8984448909759521 + set_success: 0.015926837921142578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv3_large_100_miil_timm_8bf3f636/onnx/mobilenetv3_large_100_miil_timm_8bf3f636-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv3_large_100_miil.py +class: MobileNetV3 +hash: ffa3e1dd +model_name: mobilenetv3_large_100_miil +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 21405.5732 +onnx_ops_counter: + Add: 10 + Conv: 63 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 8 + HardSwish: 21 + Mul: 8 + ReduceMean: 8 + Relu: 19 +parameters: 5483032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv3_large_100_miil_Opset17_timm/mobilenetv3_large_100_miil_Opset17.onnx b/Computer_Vision/mobilenetv3_large_100_miil_Opset17_timm/mobilenetv3_large_100_miil_Opset17.onnx new file mode 100644 index 000000000..9d24dc94b --- /dev/null +++ b/Computer_Vision/mobilenetv3_large_100_miil_Opset17_timm/mobilenetv3_large_100_miil_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0adac7a4666f64b2213cedd6090b7888e5da3e7bbf13554e769145af0f25ddac +size 21919274 diff --git a/Computer_Vision/mobilenetv3_large_100_miil_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv3_large_100_miil_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4a3e13563 --- /dev/null +++ b/Computer_Vision/mobilenetv3_large_100_miil_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9559309482574463 + set_success: 0.018258094787597656 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv3_large_100_miil_timm_8bf3f636/onnx/mobilenetv3_large_100_miil_timm_8bf3f636-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv3_large_100_miil.py +class: MobileNetV3 +hash: ffa3e1dd +model_name: mobilenetv3_large_100_miil +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 21405.5732 +onnx_ops_counter: + Add: 10 + Conv: 63 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 8 + HardSwish: 21 + Mul: 8 + ReduceMean: 8 + Relu: 19 +parameters: 5483032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv3_large_100_miil_in21k_Opset16_timm/mobilenetv3_large_100_miil_in21k_Opset16.onnx b/Computer_Vision/mobilenetv3_large_100_miil_in21k_Opset16_timm/mobilenetv3_large_100_miil_in21k_Opset16.onnx new file mode 100644 index 000000000..7333ae7c7 --- /dev/null +++ b/Computer_Vision/mobilenetv3_large_100_miil_in21k_Opset16_timm/mobilenetv3_large_100_miil_in21k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0de1d5b4b1036ffb11b6db90e6e5f863635d4c0315f37b70cfb417708314f26b +size 74291680 diff --git a/Computer_Vision/mobilenetv3_large_100_miil_in21k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv3_large_100_miil_in21k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..534c6b23f --- /dev/null +++ b/Computer_Vision/mobilenetv3_large_100_miil_in21k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.4000771045684814 + set_success: 0.015522956848144531 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv3_large_100_miil_in21k_timm_855b0fb5/onnx/mobilenetv3_large_100_miil_in21k_timm_855b0fb5-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv3_large_100_miil_in21k.py +class: MobileNetV3 +hash: ec2100fb +model_name: mobilenetv3_large_100_miil_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 72550.501 +onnx_ops_counter: + Add: 10 + Conv: 63 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 8 + HardSwish: 21 + Mul: 8 + ReduceMean: 8 + Relu: 19 +parameters: 18576133 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv3_large_100_miil_in21k_Opset17_timm/mobilenetv3_large_100_miil_in21k_Opset17.onnx b/Computer_Vision/mobilenetv3_large_100_miil_in21k_Opset17_timm/mobilenetv3_large_100_miil_in21k_Opset17.onnx new file mode 100644 index 000000000..853758f05 --- /dev/null +++ b/Computer_Vision/mobilenetv3_large_100_miil_in21k_Opset17_timm/mobilenetv3_large_100_miil_in21k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:60ccd1a95d8cc640cfa2b66db62ff2d2a10938450d0daa679ad5fa0fb4dac148 +size 74291680 diff --git a/Computer_Vision/mobilenetv3_large_100_miil_in21k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv3_large_100_miil_in21k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1dc85783f --- /dev/null +++ b/Computer_Vision/mobilenetv3_large_100_miil_in21k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.4317066669464111 + set_success: 0.01743769645690918 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv3_large_100_miil_in21k_timm_855b0fb5/onnx/mobilenetv3_large_100_miil_in21k_timm_855b0fb5-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv3_large_100_miil_in21k.py +class: MobileNetV3 +hash: ec2100fb +model_name: mobilenetv3_large_100_miil_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 72550.501 +onnx_ops_counter: + Add: 10 + Conv: 63 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 8 + HardSwish: 21 + Mul: 8 + ReduceMean: 8 + Relu: 19 +parameters: 18576133 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv3_rw_Opset16_timm/mobilenetv3_rw_Opset16.onnx b/Computer_Vision/mobilenetv3_rw_Opset16_timm/mobilenetv3_rw_Opset16.onnx new file mode 100644 index 000000000..28ba9b1d0 --- /dev/null +++ b/Computer_Vision/mobilenetv3_rw_Opset16_timm/mobilenetv3_rw_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:667b646949add7ba29a029d3baf3b9d9b0fb6d36640b81a5d443d485013b140b +size 21906718 diff --git a/Computer_Vision/mobilenetv3_rw_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv3_rw_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..78aa388e0 --- /dev/null +++ b/Computer_Vision/mobilenetv3_rw_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.91806960105896 + set_success: 0.016196012496948242 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv3_rw_timm_4cb91acc/onnx/mobilenetv3_rw_timm_4cb91acc-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv3_rw.py +class: MobileNetV3 +hash: ac2e2a8d +model_name: mobilenetv3_rw +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 21393.3115 +onnx_ops_counter: + Add: 9 + Conv: 63 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 8 + HardSwish: 26 + Mul: 8 + ReduceMean: 8 + Relu: 14 +parameters: 5479918 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv3_rw_Opset17_timm/mobilenetv3_rw_Opset17.onnx b/Computer_Vision/mobilenetv3_rw_Opset17_timm/mobilenetv3_rw_Opset17.onnx new file mode 100644 index 000000000..748aee6f9 --- /dev/null +++ b/Computer_Vision/mobilenetv3_rw_Opset17_timm/mobilenetv3_rw_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40900b0015fb530dcc2931d8687a7025079c4a12c845b7c2803ea6b7e6a236c3 +size 21906718 diff --git a/Computer_Vision/mobilenetv3_rw_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv3_rw_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d9ce18588 --- /dev/null +++ b/Computer_Vision/mobilenetv3_rw_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9243314266204834 + set_success: 0.0162656307220459 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv3_rw_timm_4cb91acc/onnx/mobilenetv3_rw_timm_4cb91acc-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv3_rw.py +class: MobileNetV3 +hash: ac2e2a8d +model_name: mobilenetv3_rw +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 21393.3115 +onnx_ops_counter: + Add: 9 + Conv: 63 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 8 + HardSwish: 26 + Mul: 8 + ReduceMean: 8 + Relu: 14 +parameters: 5479918 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv3_small_050_Opset16_timm/mobilenetv3_small_050_Opset16.onnx b/Computer_Vision/mobilenetv3_small_050_Opset16_timm/mobilenetv3_small_050_Opset16.onnx new file mode 100644 index 000000000..d9c183615 --- /dev/null +++ b/Computer_Vision/mobilenetv3_small_050_Opset16_timm/mobilenetv3_small_050_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:84b7517b1a3fb0cdda731db5ee07c1a65651f5269b6a6b6a491005f283c159da +size 6391515 diff --git a/Computer_Vision/mobilenetv3_small_050_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv3_small_050_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..71ab72bd5 --- /dev/null +++ b/Computer_Vision/mobilenetv3_small_050_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.5981278419494629 + set_success: 0.016261577606201172 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv3_small_050_timm_519a10fd/onnx/mobilenetv3_small_050_timm_519a10fd-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv3_small_050.py +class: MobileNetV3 +hash: 65cb7285 +model_name: mobilenetv3_small_050 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 6241.7461 +onnx_ops_counter: + Add: 7 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 9 + HardSwish: 19 + Mul: 9 + ReduceMean: 9 + Relu: 14 +parameters: 1593224 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv3_small_050_Opset17_timm/mobilenetv3_small_050_Opset17.onnx b/Computer_Vision/mobilenetv3_small_050_Opset17_timm/mobilenetv3_small_050_Opset17.onnx new file mode 100644 index 000000000..989974bb2 --- /dev/null +++ b/Computer_Vision/mobilenetv3_small_050_Opset17_timm/mobilenetv3_small_050_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce71d83541479fb12b543415aa620d24c518c8ee0cad60990140f05c6ea4e462 +size 6391515 diff --git a/Computer_Vision/mobilenetv3_small_050_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv3_small_050_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8588e3826 --- /dev/null +++ b/Computer_Vision/mobilenetv3_small_050_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.5760185718536377 + set_success: 0.016567230224609375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv3_small_050_timm_519a10fd/onnx/mobilenetv3_small_050_timm_519a10fd-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv3_small_050.py +class: MobileNetV3 +hash: 65cb7285 +model_name: mobilenetv3_small_050 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 6241.7461 +onnx_ops_counter: + Add: 7 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 9 + HardSwish: 19 + Mul: 9 + ReduceMean: 9 + Relu: 14 +parameters: 1593224 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv3_small_075_Opset16_timm/mobilenetv3_small_075_Opset16.onnx b/Computer_Vision/mobilenetv3_small_075_Opset16_timm/mobilenetv3_small_075_Opset16.onnx new file mode 100644 index 000000000..e0bcf5896 --- /dev/null +++ b/Computer_Vision/mobilenetv3_small_075_Opset16_timm/mobilenetv3_small_075_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:45e6b4eaf5c50f4edc53487a40205b2e648987c5a50bb8548828440e867272c0 +size 8179614 diff --git a/Computer_Vision/mobilenetv3_small_075_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv3_small_075_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9262946d4 --- /dev/null +++ b/Computer_Vision/mobilenetv3_small_075_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.6011269092559814 + set_success: 0.014564990997314453 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv3_small_075_timm_b096636b/onnx/mobilenetv3_small_075_timm_b096636b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv3_small_075.py +class: MobileNetV3 +hash: '35390010' +model_name: mobilenetv3_small_075 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 7987.9365 +onnx_ops_counter: + Add: 6 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 9 + HardSwish: 19 + Mul: 9 + ReduceMean: 9 + Relu: 14 +parameters: 2041872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv3_small_075_Opset17_timm/mobilenetv3_small_075_Opset17.onnx b/Computer_Vision/mobilenetv3_small_075_Opset17_timm/mobilenetv3_small_075_Opset17.onnx new file mode 100644 index 000000000..a0fa64a60 --- /dev/null +++ b/Computer_Vision/mobilenetv3_small_075_Opset17_timm/mobilenetv3_small_075_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef7b5191b3e2586c409ddcfbfef42a6434a9ac885608b8d16e9c767c518f1c31 +size 8179614 diff --git a/Computer_Vision/mobilenetv3_small_075_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv3_small_075_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2e5e97266 --- /dev/null +++ b/Computer_Vision/mobilenetv3_small_075_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.5984940528869629 + set_success: 0.015710115432739258 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv3_small_075_timm_b096636b/onnx/mobilenetv3_small_075_timm_b096636b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv3_small_075.py +class: MobileNetV3 +hash: '35390010' +model_name: mobilenetv3_small_075 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 7987.9365 +onnx_ops_counter: + Add: 6 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 9 + HardSwish: 19 + Mul: 9 + ReduceMean: 9 + Relu: 14 +parameters: 2041872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv3_small_100_Opset16_timm/mobilenetv3_small_100_Opset16.onnx b/Computer_Vision/mobilenetv3_small_100_Opset16_timm/mobilenetv3_small_100_Opset16.onnx new file mode 100644 index 000000000..14ed9344c --- /dev/null +++ b/Computer_Vision/mobilenetv3_small_100_Opset16_timm/mobilenetv3_small_100_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a2fb48ca03468011726bb9bd1c6c4a089e29221959ff7faa0e84d91bf2204168 +size 10178712 diff --git a/Computer_Vision/mobilenetv3_small_100_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv3_small_100_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2eb540a44 --- /dev/null +++ b/Computer_Vision/mobilenetv3_small_100_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.6481459140777588 + set_success: 0.016511201858520508 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv3_small_100_timm_8b862bae/onnx/mobilenetv3_small_100_timm_8b862bae-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv3_small_100.py +class: MobileNetV3 +hash: 4801516e +model_name: mobilenetv3_small_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 9940.1807 +onnx_ops_counter: + Add: 6 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 9 + HardSwish: 19 + Mul: 9 + ReduceMean: 9 + Relu: 14 +parameters: 2542856 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilenetv3_small_100_Opset17_timm/mobilenetv3_small_100_Opset17.onnx b/Computer_Vision/mobilenetv3_small_100_Opset17_timm/mobilenetv3_small_100_Opset17.onnx new file mode 100644 index 000000000..6bd365572 --- /dev/null +++ b/Computer_Vision/mobilenetv3_small_100_Opset17_timm/mobilenetv3_small_100_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6bfccfd39c49295c353ee96da83eaa47b1a4f2fbbfc300f39779ca8dee9c73b7 +size 10178712 diff --git a/Computer_Vision/mobilenetv3_small_100_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilenetv3_small_100_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d13121ba4 --- /dev/null +++ b/Computer_Vision/mobilenetv3_small_100_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.7387721538543701 + set_success: 0.014944314956665039 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilenetv3_small_100_timm_8b862bae/onnx/mobilenetv3_small_100_timm_8b862bae-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilenetv3_small_100.py +class: MobileNetV3 +hash: 4801516e +model_name: mobilenetv3_small_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 9940.1807 +onnx_ops_counter: + Add: 6 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 9 + HardSwish: 19 + Mul: 9 + ReduceMean: 9 + Relu: 14 +parameters: 2542856 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevit_s_Opset16_timm/mobilevit_s_Opset16.onnx b/Computer_Vision/mobilevit_s_Opset16_timm/mobilevit_s_Opset16.onnx new file mode 100644 index 000000000..aaf9598ec --- /dev/null +++ b/Computer_Vision/mobilevit_s_Opset16_timm/mobilevit_s_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:93e1b806c5140e462d3d9cccce5cd89cb38926efa57ee4300c8f320b5d257100 +size 22485554 diff --git a/Computer_Vision/mobilevit_s_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilevit_s_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6e8590aa7 --- /dev/null +++ b/Computer_Vision/mobilevit_s_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9400970935821533 + set_success: 0.018480539321899414 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevit_s_timm_d25f81ba/onnx/mobilevit_s_timm_d25f81ba-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevit_s.py +class: ByobNet +hash: ab86b370 +model_name: mobilevit_s +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 21958.5811 +onnx_ops_counter: + Add: 98 + Cast: 9 + Concat: 3 + Constant: 141 + Conv: 35 + Div: 30 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 54 + Mul: 73 + Pow: 21 + ReduceMean: 42 + Reshape: 36 + Shape: 9 + Sigmoid: 34 + Slice: 9 + Softmax: 9 + Split: 9 + Sqrt: 48 + Squeeze: 27 + Sub: 21 + Transpose: 39 +parameters: 5578632 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevit_s_Opset17_timm/mobilevit_s_Opset17.onnx b/Computer_Vision/mobilevit_s_Opset17_timm/mobilevit_s_Opset17.onnx new file mode 100644 index 000000000..9453fb86e --- /dev/null +++ b/Computer_Vision/mobilevit_s_Opset17_timm/mobilevit_s_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22dbabd4857c9bf6bcf144cbc9112c0dc35ffeb1f11427b0b90d85c3e1da9f91 +size 22436513 diff --git a/Computer_Vision/mobilevit_s_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilevit_s_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7755e7b3b --- /dev/null +++ b/Computer_Vision/mobilevit_s_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.761927604675293 + set_success: 0.01726698875427246 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevit_s_timm_d25f81ba/onnx/mobilevit_s_timm_d25f81ba-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevit_s.py +class: ByobNet +hash: ab86b370 +model_name: mobilevit_s +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 21910.6895 +onnx_ops_counter: + Add: 56 + Cast: 9 + Concat: 3 + Constant: 99 + Conv: 35 + Div: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 21 + MatMul: 54 + Mul: 52 + Reshape: 36 + Shape: 9 + Sigmoid: 34 + Slice: 9 + Softmax: 9 + Split: 9 + Sqrt: 27 + Squeeze: 27 + Transpose: 39 +parameters: 5578632 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevit_s_Opset18_timm/mobilevit_s_Opset18.onnx b/Computer_Vision/mobilevit_s_Opset18_timm/mobilevit_s_Opset18.onnx new file mode 100644 index 000000000..1b394a7f0 --- /dev/null +++ b/Computer_Vision/mobilevit_s_Opset18_timm/mobilevit_s_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d7b5ce4eea2e6b388ec36f3a54f052ba9b1212ccbd229d400a6bdf04aa0584b2 +size 22436513 diff --git a/Computer_Vision/mobilevit_s_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/mobilevit_s_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4994993d0 --- /dev/null +++ b/Computer_Vision/mobilevit_s_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.784374713897705 + set_success: 0.019598007202148438 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevit_s_timm_d25f81ba/onnx/mobilevit_s_timm_d25f81ba-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevit_s.py +class: ByobNet +hash: ab86b370 +model_name: mobilevit_s +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 21910.6895 +onnx_ops_counter: + Add: 56 + Cast: 9 + Concat: 3 + Constant: 99 + Conv: 35 + Div: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 21 + MatMul: 54 + Mul: 52 + Reshape: 36 + Shape: 9 + Sigmoid: 34 + Slice: 9 + Softmax: 9 + Split: 9 + Sqrt: 27 + Squeeze: 27 + Transpose: 39 +parameters: 5578632 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevit_xs_Opset16_timm/mobilevit_xs_Opset16.onnx b/Computer_Vision/mobilevit_xs_Opset16_timm/mobilevit_xs_Opset16.onnx new file mode 100644 index 000000000..494c36490 --- /dev/null +++ b/Computer_Vision/mobilevit_xs_Opset16_timm/mobilevit_xs_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4176425b31cbd7279252bb209dd51f020f2e25bd853537077a011c7a4e6d5ecb +size 9449934 diff --git a/Computer_Vision/mobilevit_xs_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilevit_xs_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d08e20b9a --- /dev/null +++ b/Computer_Vision/mobilevit_xs_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8200602531433105 + set_success: 0.01674199104309082 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevit_xs_timm_29f60b15/onnx/mobilevit_xs_timm_29f60b15-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevit_xs.py +class: ByobNet +hash: fbf374df +model_name: mobilevit_xs +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 9228.4834 +onnx_ops_counter: + Add: 98 + Cast: 9 + Concat: 3 + Constant: 141 + Conv: 35 + Div: 30 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 54 + Mul: 73 + Pow: 21 + ReduceMean: 42 + Reshape: 36 + Shape: 9 + Sigmoid: 34 + Slice: 9 + Softmax: 9 + Split: 9 + Sqrt: 48 + Squeeze: 27 + Sub: 21 + Transpose: 39 +parameters: 2317848 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevit_xs_Opset17_timm/mobilevit_xs_Opset17.onnx b/Computer_Vision/mobilevit_xs_Opset17_timm/mobilevit_xs_Opset17.onnx new file mode 100644 index 000000000..5ce6dbe9e --- /dev/null +++ b/Computer_Vision/mobilevit_xs_Opset17_timm/mobilevit_xs_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:98759b3d3b072ebd38f40e0250bbfc22a4544b7e1ccb06463e8254a1fb4e7de7 +size 9400893 diff --git a/Computer_Vision/mobilevit_xs_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilevit_xs_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6a7c897db --- /dev/null +++ b/Computer_Vision/mobilevit_xs_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.482734441757202 + set_success: 0.01769232749938965 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevit_xs_timm_29f60b15/onnx/mobilevit_xs_timm_29f60b15-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevit_xs.py +class: ByobNet +hash: fbf374df +model_name: mobilevit_xs +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 9180.5918 +onnx_ops_counter: + Add: 56 + Cast: 9 + Concat: 3 + Constant: 99 + Conv: 35 + Div: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 21 + MatMul: 54 + Mul: 52 + Reshape: 36 + Shape: 9 + Sigmoid: 34 + Slice: 9 + Softmax: 9 + Split: 9 + Sqrt: 27 + Squeeze: 27 + Transpose: 39 +parameters: 2317848 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevit_xs_Opset18_timm/mobilevit_xs_Opset18.onnx b/Computer_Vision/mobilevit_xs_Opset18_timm/mobilevit_xs_Opset18.onnx new file mode 100644 index 000000000..d3d4d70ba --- /dev/null +++ b/Computer_Vision/mobilevit_xs_Opset18_timm/mobilevit_xs_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1109d1bcf3936da941e8ea39f650e09c676ffc923a71ef4147c0ba268619b948 +size 9400893 diff --git a/Computer_Vision/mobilevit_xs_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/mobilevit_xs_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1c187cf67 --- /dev/null +++ b/Computer_Vision/mobilevit_xs_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.5631675720214844 + set_success: 0.01704096794128418 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevit_xs_timm_29f60b15/onnx/mobilevit_xs_timm_29f60b15-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevit_xs.py +class: ByobNet +hash: fbf374df +model_name: mobilevit_xs +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 9180.5918 +onnx_ops_counter: + Add: 56 + Cast: 9 + Concat: 3 + Constant: 99 + Conv: 35 + Div: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 21 + MatMul: 54 + Mul: 52 + Reshape: 36 + Shape: 9 + Sigmoid: 34 + Slice: 9 + Softmax: 9 + Split: 9 + Sqrt: 27 + Squeeze: 27 + Transpose: 39 +parameters: 2317848 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevit_xxs_Opset16_timm/mobilevit_xxs_Opset16.onnx b/Computer_Vision/mobilevit_xxs_Opset16_timm/mobilevit_xxs_Opset16.onnx new file mode 100644 index 000000000..1dd6d963f --- /dev/null +++ b/Computer_Vision/mobilevit_xxs_Opset16_timm/mobilevit_xxs_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:265bcb8915dfb27242ddc1d912b8b105f848b125ce842bb4aa0d32b33bdc1ac9 +size 5275366 diff --git a/Computer_Vision/mobilevit_xxs_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilevit_xxs_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a16747fee --- /dev/null +++ b/Computer_Vision/mobilevit_xxs_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7519450187683105 + set_success: 0.01761603355407715 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevit_xxs_timm_08dc221c/onnx/mobilevit_xxs_timm_08dc221c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevit_xxs.py +class: ByobNet +hash: 53c63d25 +model_name: mobilevit_xxs +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 5151.7568 +onnx_ops_counter: + Add: 99 + Cast: 9 + Concat: 3 + Constant: 141 + Conv: 35 + Div: 30 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 54 + Mul: 73 + Pow: 21 + ReduceMean: 42 + Reshape: 36 + Shape: 9 + Sigmoid: 34 + Slice: 9 + Softmax: 9 + Split: 9 + Sqrt: 48 + Squeeze: 27 + Sub: 21 + Transpose: 39 +parameters: 1272024 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevit_xxs_Opset17_timm/mobilevit_xxs_Opset17.onnx b/Computer_Vision/mobilevit_xxs_Opset17_timm/mobilevit_xxs_Opset17.onnx new file mode 100644 index 000000000..6f1c6a0db --- /dev/null +++ b/Computer_Vision/mobilevit_xxs_Opset17_timm/mobilevit_xxs_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:740a92c6c04732e18aa816f3233729ceedc086637bd69c2039dafcdc82b3bbdc +size 5226325 diff --git a/Computer_Vision/mobilevit_xxs_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilevit_xxs_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..32402ce96 --- /dev/null +++ b/Computer_Vision/mobilevit_xxs_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.5758872032165527 + set_success: 0.016530275344848633 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevit_xxs_timm_08dc221c/onnx/mobilevit_xxs_timm_08dc221c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevit_xxs.py +class: ByobNet +hash: 53c63d25 +model_name: mobilevit_xxs +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 5103.8652 +onnx_ops_counter: + Add: 57 + Cast: 9 + Concat: 3 + Constant: 99 + Conv: 35 + Div: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 21 + MatMul: 54 + Mul: 52 + Reshape: 36 + Shape: 9 + Sigmoid: 34 + Slice: 9 + Softmax: 9 + Split: 9 + Sqrt: 27 + Squeeze: 27 + Transpose: 39 +parameters: 1272024 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevit_xxs_Opset18_timm/mobilevit_xxs_Opset18.onnx b/Computer_Vision/mobilevit_xxs_Opset18_timm/mobilevit_xxs_Opset18.onnx new file mode 100644 index 000000000..e04300819 --- /dev/null +++ b/Computer_Vision/mobilevit_xxs_Opset18_timm/mobilevit_xxs_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:808219ceb7f8ba051e8d34fc5b83fb2f9deea7d1aefbe57e638cfbf0c6805961 +size 5226325 diff --git a/Computer_Vision/mobilevit_xxs_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/mobilevit_xxs_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1008d8e0e --- /dev/null +++ b/Computer_Vision/mobilevit_xxs_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.5369045734405518 + set_success: 0.017252206802368164 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevit_xxs_timm_08dc221c/onnx/mobilevit_xxs_timm_08dc221c-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevit_xxs.py +class: ByobNet +hash: 53c63d25 +model_name: mobilevit_xxs +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 5103.8652 +onnx_ops_counter: + Add: 57 + Cast: 9 + Concat: 3 + Constant: 99 + Conv: 35 + Div: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 21 + MatMul: 54 + Mul: 52 + Reshape: 36 + Shape: 9 + Sigmoid: 34 + Slice: 9 + Softmax: 9 + Split: 9 + Sqrt: 27 + Squeeze: 27 + Transpose: 39 +parameters: 1272024 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_050_Opset16_timm/mobilevitv2_050_Opset16.onnx b/Computer_Vision/mobilevitv2_050_Opset16_timm/mobilevitv2_050_Opset16.onnx new file mode 100644 index 000000000..b1b9c4ba0 --- /dev/null +++ b/Computer_Vision/mobilevitv2_050_Opset16_timm/mobilevitv2_050_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a501c6843f8f2800575a72760851c68599c75e3a87ebd451e2e75ed9f19e7384 +size 5589619 diff --git a/Computer_Vision/mobilevitv2_050_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_050_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..231468797 --- /dev/null +++ b/Computer_Vision/mobilevitv2_050_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3494923114776611 + set_success: 0.016478538513183594 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_050_timm_3b05d760/onnx/mobilevitv2_050_timm_3b05d760-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_050.py +class: ByobNet +hash: b24d08cf +model_name: mobilevitv2_050 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 5458.6445 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 1370593 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_050_Opset17_timm/mobilevitv2_050_Opset17.onnx b/Computer_Vision/mobilevitv2_050_Opset17_timm/mobilevitv2_050_Opset17.onnx new file mode 100644 index 000000000..50224fbfd --- /dev/null +++ b/Computer_Vision/mobilevitv2_050_Opset17_timm/mobilevitv2_050_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44e37d947a1a956ecb3d6e14e85796cf7cc0f2fff461f979282e1d710bc638ee +size 5589619 diff --git a/Computer_Vision/mobilevitv2_050_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_050_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7a2865165 --- /dev/null +++ b/Computer_Vision/mobilevitv2_050_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3455498218536377 + set_success: 0.01633143424987793 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_050_timm_3b05d760/onnx/mobilevitv2_050_timm_3b05d760-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_050.py +class: ByobNet +hash: b24d08cf +model_name: mobilevitv2_050 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 5458.6445 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 1370593 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_050_Opset18_timm/mobilevitv2_050_Opset18.onnx b/Computer_Vision/mobilevitv2_050_Opset18_timm/mobilevitv2_050_Opset18.onnx new file mode 100644 index 000000000..c22c0d9be --- /dev/null +++ b/Computer_Vision/mobilevitv2_050_Opset18_timm/mobilevitv2_050_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:60c5e7af9d1b62efa9e07d2e44b3a2c33afb57453880498ac0d2d1fd9b5565dd +size 5589619 diff --git a/Computer_Vision/mobilevitv2_050_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_050_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..526732c13 --- /dev/null +++ b/Computer_Vision/mobilevitv2_050_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3356738090515137 + set_success: 0.017059803009033203 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_050_timm_3b05d760/onnx/mobilevitv2_050_timm_3b05d760-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_050.py +class: ByobNet +hash: b24d08cf +model_name: mobilevitv2_050 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 5458.6445 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 1370593 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_075_Opset16_timm/mobilevitv2_075_Opset16.onnx b/Computer_Vision/mobilevitv2_075_Opset16_timm/mobilevitv2_075_Opset16.onnx new file mode 100644 index 000000000..8216bc932 --- /dev/null +++ b/Computer_Vision/mobilevitv2_075_Opset16_timm/mobilevitv2_075_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66e29c03012fa536ad6c5b448635d32e00a549670be35ed5fef67e6fcca5c539 +size 11563559 diff --git a/Computer_Vision/mobilevitv2_075_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_075_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8a0074af1 --- /dev/null +++ b/Computer_Vision/mobilevitv2_075_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.423985242843628 + set_success: 0.01636958122253418 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_075_timm_ea749edd/onnx/mobilevitv2_075_timm_ea749edd-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_075.py +class: ByobNet +hash: e7453948 +model_name: mobilevitv2_075 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 11292.5703 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 2866009 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_075_Opset17_timm/mobilevitv2_075_Opset17.onnx b/Computer_Vision/mobilevitv2_075_Opset17_timm/mobilevitv2_075_Opset17.onnx new file mode 100644 index 000000000..294d3796c --- /dev/null +++ b/Computer_Vision/mobilevitv2_075_Opset17_timm/mobilevitv2_075_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b15b9921c48735a8b11353c631900151ba7139c6977d5b11b2d500c58797be1a +size 11563559 diff --git a/Computer_Vision/mobilevitv2_075_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_075_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5d2dba392 --- /dev/null +++ b/Computer_Vision/mobilevitv2_075_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.425699234008789 + set_success: 0.01823258399963379 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_075_timm_ea749edd/onnx/mobilevitv2_075_timm_ea749edd-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_075.py +class: ByobNet +hash: e7453948 +model_name: mobilevitv2_075 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 11292.5703 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 2866009 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_075_Opset18_timm/mobilevitv2_075_Opset18.onnx b/Computer_Vision/mobilevitv2_075_Opset18_timm/mobilevitv2_075_Opset18.onnx new file mode 100644 index 000000000..e7a914e63 --- /dev/null +++ b/Computer_Vision/mobilevitv2_075_Opset18_timm/mobilevitv2_075_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:53a06933aa2d824a2f9f38d5c4881bd2ee55734565f3fea4452979e574da86b1 +size 11563559 diff --git a/Computer_Vision/mobilevitv2_075_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_075_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e1aa1a188 --- /dev/null +++ b/Computer_Vision/mobilevitv2_075_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.4243109226226807 + set_success: 0.01777338981628418 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_075_timm_ea749edd/onnx/mobilevitv2_075_timm_ea749edd-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_075.py +class: ByobNet +hash: e7453948 +model_name: mobilevitv2_075 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 11292.5703 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 2866009 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_100_Opset16_timm/mobilevitv2_100_Opset16.onnx b/Computer_Vision/mobilevitv2_100_Opset16_timm/mobilevitv2_100_Opset16.onnx new file mode 100644 index 000000000..e361bd466 --- /dev/null +++ b/Computer_Vision/mobilevitv2_100_Opset16_timm/mobilevitv2_100_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e00295a604201e6d659cf3180f11af6d3ae9db7be05507cafdb2425f07e3f012 +size 19699157 diff --git a/Computer_Vision/mobilevitv2_100_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_100_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..643c55b4e --- /dev/null +++ b/Computer_Vision/mobilevitv2_100_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.4975674152374268 + set_success: 0.017277956008911133 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_100_timm_92d04685/onnx/mobilevitv2_100_timm_92d04685-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_100.py +class: ByobNet +hash: da91f9ed +model_name: mobilevitv2_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 19237.4902 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 4901841 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_100_Opset17_timm/mobilevitv2_100_Opset17.onnx b/Computer_Vision/mobilevitv2_100_Opset17_timm/mobilevitv2_100_Opset17.onnx new file mode 100644 index 000000000..7351032ee --- /dev/null +++ b/Computer_Vision/mobilevitv2_100_Opset17_timm/mobilevitv2_100_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:009adc89a2d8a4e9d57186befb69cdf6a4223388b9aa8cb1653832ce3c5067bb +size 19699157 diff --git a/Computer_Vision/mobilevitv2_100_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_100_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..baf3c82ce --- /dev/null +++ b/Computer_Vision/mobilevitv2_100_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.5059103965759277 + set_success: 0.01677870750427246 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_100_timm_92d04685/onnx/mobilevitv2_100_timm_92d04685-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_100.py +class: ByobNet +hash: da91f9ed +model_name: mobilevitv2_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 19237.4902 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 4901841 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_100_Opset18_timm/mobilevitv2_100_Opset18.onnx b/Computer_Vision/mobilevitv2_100_Opset18_timm/mobilevitv2_100_Opset18.onnx new file mode 100644 index 000000000..4e6df8ab0 --- /dev/null +++ b/Computer_Vision/mobilevitv2_100_Opset18_timm/mobilevitv2_100_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe875ac7ae898157ce6e3b98dcd5573d1a8590ceb2dfdc7b2bed14acc3f3b494 +size 19699157 diff --git a/Computer_Vision/mobilevitv2_100_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_100_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..51f37d37d --- /dev/null +++ b/Computer_Vision/mobilevitv2_100_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.5587890148162842 + set_success: 0.017642736434936523 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_100_timm_92d04685/onnx/mobilevitv2_100_timm_92d04685-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_100.py +class: ByobNet +hash: da91f9ed +model_name: mobilevitv2_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 19237.4902 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 4901841 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_125_Opset16_timm/mobilevitv2_125_Opset16.onnx b/Computer_Vision/mobilevitv2_125_Opset16_timm/mobilevitv2_125_Opset16.onnx new file mode 100644 index 000000000..3409c7aa1 --- /dev/null +++ b/Computer_Vision/mobilevitv2_125_Opset16_timm/mobilevitv2_125_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba97377095fd8dd4a27f54893e63892d8bc7544d247fda4c696342d7922c73b7 +size 29996379 diff --git a/Computer_Vision/mobilevitv2_125_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_125_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d24fcbfe3 --- /dev/null +++ b/Computer_Vision/mobilevitv2_125_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.5838136672973633 + set_success: 0.01832270622253418 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_125_timm_d21dfc4c/onnx/mobilevitv2_125_timm_d21dfc4c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_125.py +class: ByobNet +hash: a7761015 +model_name: mobilevitv2_125 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 29293.3711 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 7478089 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_125_Opset17_timm/mobilevitv2_125_Opset17.onnx b/Computer_Vision/mobilevitv2_125_Opset17_timm/mobilevitv2_125_Opset17.onnx new file mode 100644 index 000000000..0bfe53620 --- /dev/null +++ b/Computer_Vision/mobilevitv2_125_Opset17_timm/mobilevitv2_125_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c64de27c517ff92bf4ea30fd901f72dc758f8c87a4c26638d66b4bed166a366e +size 29996379 diff --git a/Computer_Vision/mobilevitv2_125_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_125_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..28cd60e9c --- /dev/null +++ b/Computer_Vision/mobilevitv2_125_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8025190830230713 + set_success: 0.02325296401977539 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_125_timm_d21dfc4c/onnx/mobilevitv2_125_timm_d21dfc4c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_125.py +class: ByobNet +hash: a7761015 +model_name: mobilevitv2_125 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 29293.3711 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 7478089 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_125_Opset18_timm/mobilevitv2_125_Opset18.onnx b/Computer_Vision/mobilevitv2_125_Opset18_timm/mobilevitv2_125_Opset18.onnx new file mode 100644 index 000000000..ef599e8b4 --- /dev/null +++ b/Computer_Vision/mobilevitv2_125_Opset18_timm/mobilevitv2_125_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a7187132c19d0d4272291b00ca03ee27eeb81fe75514fd8c853cc653751b3c2d +size 29996379 diff --git a/Computer_Vision/mobilevitv2_125_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_125_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f5b0feb5a --- /dev/null +++ b/Computer_Vision/mobilevitv2_125_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.647040605545044 + set_success: 0.0198667049407959 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_125_timm_d21dfc4c/onnx/mobilevitv2_125_timm_d21dfc4c-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_125.py +class: ByobNet +hash: a7761015 +model_name: mobilevitv2_125 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 29293.3711 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 7478089 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_150_384_in22ft1k_Opset16_timm/mobilevitv2_150_384_in22ft1k_Opset16.onnx b/Computer_Vision/mobilevitv2_150_384_in22ft1k_Opset16_timm/mobilevitv2_150_384_in22ft1k_Opset16.onnx new file mode 100644 index 000000000..921d7537c --- /dev/null +++ b/Computer_Vision/mobilevitv2_150_384_in22ft1k_Opset16_timm/mobilevitv2_150_384_in22ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bbfa391473a27fd6ebb1fd3ab0631ef438ceac1c18b9da5381a0ca683131d6cf +size 42455265 diff --git a/Computer_Vision/mobilevitv2_150_384_in22ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_150_384_in22ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0f328917e --- /dev/null +++ b/Computer_Vision/mobilevitv2_150_384_in22ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9527337551116943 + set_success: 0.02006363868713379 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_150_384_in22ft1k_timm_5e3b9339/onnx/mobilevitv2_150_384_in22ft1k_timm_5e3b9339-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_150_384_in22ft1k.py +class: ByobNet +hash: bee9b4dd +model_name: mobilevitv2_150_384_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 41460.252 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 10594753 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_150_384_in22ft1k_Opset17_timm/mobilevitv2_150_384_in22ft1k_Opset17.onnx b/Computer_Vision/mobilevitv2_150_384_in22ft1k_Opset17_timm/mobilevitv2_150_384_in22ft1k_Opset17.onnx new file mode 100644 index 000000000..b31881dcc --- /dev/null +++ b/Computer_Vision/mobilevitv2_150_384_in22ft1k_Opset17_timm/mobilevitv2_150_384_in22ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:220bdf6be7e543a8ec5f2a6e3f9070d5a9244e1c07086ea441210491852877f0 +size 42455265 diff --git a/Computer_Vision/mobilevitv2_150_384_in22ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_150_384_in22ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5c6165945 --- /dev/null +++ b/Computer_Vision/mobilevitv2_150_384_in22ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8377583026885986 + set_success: 0.01983809471130371 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_150_384_in22ft1k_timm_5e3b9339/onnx/mobilevitv2_150_384_in22ft1k_timm_5e3b9339-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_150_384_in22ft1k.py +class: ByobNet +hash: bee9b4dd +model_name: mobilevitv2_150_384_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 41460.252 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 10594753 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_150_384_in22ft1k_Opset18_timm/mobilevitv2_150_384_in22ft1k_Opset18.onnx b/Computer_Vision/mobilevitv2_150_384_in22ft1k_Opset18_timm/mobilevitv2_150_384_in22ft1k_Opset18.onnx new file mode 100644 index 000000000..e8881fe81 --- /dev/null +++ b/Computer_Vision/mobilevitv2_150_384_in22ft1k_Opset18_timm/mobilevitv2_150_384_in22ft1k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1994f4d16b70af36ab571dfc1cdfbe5e4bd3106f91bf0353df629e2869d8696 +size 42455265 diff --git a/Computer_Vision/mobilevitv2_150_384_in22ft1k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_150_384_in22ft1k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d55f83c5e --- /dev/null +++ b/Computer_Vision/mobilevitv2_150_384_in22ft1k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8518147468566895 + set_success: 0.022292613983154297 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_150_384_in22ft1k_timm_5e3b9339/onnx/mobilevitv2_150_384_in22ft1k_timm_5e3b9339-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_150_384_in22ft1k.py +class: ByobNet +hash: bee9b4dd +model_name: mobilevitv2_150_384_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 41460.252 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 10594753 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_150_Opset16_timm/mobilevitv2_150_Opset16.onnx b/Computer_Vision/mobilevitv2_150_Opset16_timm/mobilevitv2_150_Opset16.onnx new file mode 100644 index 000000000..79ecf34bc --- /dev/null +++ b/Computer_Vision/mobilevitv2_150_Opset16_timm/mobilevitv2_150_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec0e2fba0de16ef07e817f601de1c88590c8a9cd4792aa226d6ffb6031f1864d +size 42455263 diff --git a/Computer_Vision/mobilevitv2_150_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_150_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..14823dd2a --- /dev/null +++ b/Computer_Vision/mobilevitv2_150_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7830636501312256 + set_success: 0.018277406692504883 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_150_timm_7dda6d84/onnx/mobilevitv2_150_timm_7dda6d84-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_150.py +class: ByobNet +hash: bee9b4dd +model_name: mobilevitv2_150 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 41460.25 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 10594753 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_150_Opset17_timm/mobilevitv2_150_Opset17.onnx b/Computer_Vision/mobilevitv2_150_Opset17_timm/mobilevitv2_150_Opset17.onnx new file mode 100644 index 000000000..f73df7233 --- /dev/null +++ b/Computer_Vision/mobilevitv2_150_Opset17_timm/mobilevitv2_150_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c8a149dbac026cbe055d959568131a221e774ac807d602040a2030b717ec57f +size 42455263 diff --git a/Computer_Vision/mobilevitv2_150_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_150_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5f1639959 --- /dev/null +++ b/Computer_Vision/mobilevitv2_150_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7746121883392334 + set_success: 0.017585277557373047 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_150_timm_7dda6d84/onnx/mobilevitv2_150_timm_7dda6d84-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_150.py +class: ByobNet +hash: bee9b4dd +model_name: mobilevitv2_150 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 41460.25 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 10594753 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_150_Opset18_timm/mobilevitv2_150_Opset18.onnx b/Computer_Vision/mobilevitv2_150_Opset18_timm/mobilevitv2_150_Opset18.onnx new file mode 100644 index 000000000..ba1306f2c --- /dev/null +++ b/Computer_Vision/mobilevitv2_150_Opset18_timm/mobilevitv2_150_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ddb454e3faa15ed67d72724ec739cd97a517d2fdb59a683364d213d773a297f8 +size 42455263 diff --git a/Computer_Vision/mobilevitv2_150_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_150_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..10784066e --- /dev/null +++ b/Computer_Vision/mobilevitv2_150_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7947981357574463 + set_success: 0.020561933517456055 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_150_timm_7dda6d84/onnx/mobilevitv2_150_timm_7dda6d84-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_150.py +class: ByobNet +hash: bee9b4dd +model_name: mobilevitv2_150 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 41460.25 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 10594753 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_150_in22ft1k_Opset16_timm/mobilevitv2_150_in22ft1k_Opset16.onnx b/Computer_Vision/mobilevitv2_150_in22ft1k_Opset16_timm/mobilevitv2_150_in22ft1k_Opset16.onnx new file mode 100644 index 000000000..10ab3bdca --- /dev/null +++ b/Computer_Vision/mobilevitv2_150_in22ft1k_Opset16_timm/mobilevitv2_150_in22ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee3194df7f527706e4719aac9cb7d7e9ef01591840c2e5202c09af15a4e04df8 +size 42455263 diff --git a/Computer_Vision/mobilevitv2_150_in22ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_150_in22ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7505266ef --- /dev/null +++ b/Computer_Vision/mobilevitv2_150_in22ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.770369529724121 + set_success: 0.01704716682434082 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_150_in22ft1k_timm_7dda6d84/onnx/mobilevitv2_150_in22ft1k_timm_7dda6d84-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_150_in22ft1k.py +class: ByobNet +hash: bee9b4dd +model_name: mobilevitv2_150_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 41460.25 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 10594753 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_150_in22ft1k_Opset17_timm/mobilevitv2_150_in22ft1k_Opset17.onnx b/Computer_Vision/mobilevitv2_150_in22ft1k_Opset17_timm/mobilevitv2_150_in22ft1k_Opset17.onnx new file mode 100644 index 000000000..ebbc8e73b --- /dev/null +++ b/Computer_Vision/mobilevitv2_150_in22ft1k_Opset17_timm/mobilevitv2_150_in22ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eafafea2bf399504de2c699f2086cbc435e379d5dc22f967e1f69926f2dffb2d +size 42455263 diff --git a/Computer_Vision/mobilevitv2_150_in22ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_150_in22ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..672ec4a81 --- /dev/null +++ b/Computer_Vision/mobilevitv2_150_in22ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8335726261138916 + set_success: 0.01992177963256836 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_150_in22ft1k_timm_7dda6d84/onnx/mobilevitv2_150_in22ft1k_timm_7dda6d84-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_150_in22ft1k.py +class: ByobNet +hash: bee9b4dd +model_name: mobilevitv2_150_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 41460.25 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 10594753 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_150_in22ft1k_Opset18_timm/mobilevitv2_150_in22ft1k_Opset18.onnx b/Computer_Vision/mobilevitv2_150_in22ft1k_Opset18_timm/mobilevitv2_150_in22ft1k_Opset18.onnx new file mode 100644 index 000000000..07acac796 --- /dev/null +++ b/Computer_Vision/mobilevitv2_150_in22ft1k_Opset18_timm/mobilevitv2_150_in22ft1k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1123e72e2a232cae2e8e6b8157debb163aa25731aade0338972c3bfd657658b +size 42455263 diff --git a/Computer_Vision/mobilevitv2_150_in22ft1k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_150_in22ft1k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..32e7e6753 --- /dev/null +++ b/Computer_Vision/mobilevitv2_150_in22ft1k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0559873580932617 + set_success: 0.024176597595214844 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_150_in22ft1k_timm_7dda6d84/onnx/mobilevitv2_150_in22ft1k_timm_7dda6d84-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_150_in22ft1k.py +class: ByobNet +hash: bee9b4dd +model_name: mobilevitv2_150_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 41460.25 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 10594753 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_175_384_in22ft1k_Opset16_timm/mobilevitv2_175_384_in22ft1k_Opset16.onnx b/Computer_Vision/mobilevitv2_175_384_in22ft1k_Opset16_timm/mobilevitv2_175_384_in22ft1k_Opset16.onnx new file mode 100644 index 000000000..0833b4392 --- /dev/null +++ b/Computer_Vision/mobilevitv2_175_384_in22ft1k_Opset16_timm/mobilevitv2_175_384_in22ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d158e1e1de0264adcb176521cd95f4d54685e137238bd74455351274026806a1 +size 57075811 diff --git a/Computer_Vision/mobilevitv2_175_384_in22ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_175_384_in22ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..221964013 --- /dev/null +++ b/Computer_Vision/mobilevitv2_175_384_in22ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9856901168823242 + set_success: 0.019290924072265625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_175_384_in22ft1k_timm_ba50d24e/onnx/mobilevitv2_175_384_in22ft1k_timm_ba50d24e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_175_384_in22ft1k.py +class: ByobNet +hash: ee34879e +model_name: mobilevitv2_175_384_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 55738.1289 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 14251833 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_175_384_in22ft1k_Opset17_timm/mobilevitv2_175_384_in22ft1k_Opset17.onnx b/Computer_Vision/mobilevitv2_175_384_in22ft1k_Opset17_timm/mobilevitv2_175_384_in22ft1k_Opset17.onnx new file mode 100644 index 000000000..b42bedd20 --- /dev/null +++ b/Computer_Vision/mobilevitv2_175_384_in22ft1k_Opset17_timm/mobilevitv2_175_384_in22ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:24471df1e3e79e57e5de42d8b8e228049c5767ab2ada968bf229cd4c51007471 +size 57075811 diff --git a/Computer_Vision/mobilevitv2_175_384_in22ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_175_384_in22ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..eec541d78 --- /dev/null +++ b/Computer_Vision/mobilevitv2_175_384_in22ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0162432193756104 + set_success: 0.019118070602416992 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_175_384_in22ft1k_timm_ba50d24e/onnx/mobilevitv2_175_384_in22ft1k_timm_ba50d24e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_175_384_in22ft1k.py +class: ByobNet +hash: ee34879e +model_name: mobilevitv2_175_384_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 55738.1289 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 14251833 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_175_384_in22ft1k_Opset18_timm/mobilevitv2_175_384_in22ft1k_Opset18.onnx b/Computer_Vision/mobilevitv2_175_384_in22ft1k_Opset18_timm/mobilevitv2_175_384_in22ft1k_Opset18.onnx new file mode 100644 index 000000000..b5eab61b8 --- /dev/null +++ b/Computer_Vision/mobilevitv2_175_384_in22ft1k_Opset18_timm/mobilevitv2_175_384_in22ft1k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0720a9e18f38b9b00b48697376fbcb1b153b3343f167410a338499111994eabf +size 57075811 diff --git a/Computer_Vision/mobilevitv2_175_384_in22ft1k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_175_384_in22ft1k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cec202b70 --- /dev/null +++ b/Computer_Vision/mobilevitv2_175_384_in22ft1k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0699591636657715 + set_success: 0.01901531219482422 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_175_384_in22ft1k_timm_ba50d24e/onnx/mobilevitv2_175_384_in22ft1k_timm_ba50d24e-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_175_384_in22ft1k.py +class: ByobNet +hash: ee34879e +model_name: mobilevitv2_175_384_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 55738.1289 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 14251833 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_175_Opset16_timm/mobilevitv2_175_Opset16.onnx b/Computer_Vision/mobilevitv2_175_Opset16_timm/mobilevitv2_175_Opset16.onnx new file mode 100644 index 000000000..cb28efd18 --- /dev/null +++ b/Computer_Vision/mobilevitv2_175_Opset16_timm/mobilevitv2_175_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0628c764c25bc6651d30a06b1292d1a025821931517d2b7a6df1b6c4beada0ac +size 57075809 diff --git a/Computer_Vision/mobilevitv2_175_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_175_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..fef15f025 --- /dev/null +++ b/Computer_Vision/mobilevitv2_175_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9361693859100342 + set_success: 0.018023014068603516 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_175_timm_a47f31d5/onnx/mobilevitv2_175_timm_a47f31d5-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_175.py +class: ByobNet +hash: ee34879e +model_name: mobilevitv2_175 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 55738.127 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 14251833 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_175_Opset17_timm/mobilevitv2_175_Opset17.onnx b/Computer_Vision/mobilevitv2_175_Opset17_timm/mobilevitv2_175_Opset17.onnx new file mode 100644 index 000000000..bfec76646 --- /dev/null +++ b/Computer_Vision/mobilevitv2_175_Opset17_timm/mobilevitv2_175_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7418ee138476752c9f96cc826581781848615e2ac09a12f2fbcd0f5e5bb7a2fe +size 57075809 diff --git a/Computer_Vision/mobilevitv2_175_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_175_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..aeec49a57 --- /dev/null +++ b/Computer_Vision/mobilevitv2_175_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.114011526107788 + set_success: 0.01783275604248047 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_175_timm_a47f31d5/onnx/mobilevitv2_175_timm_a47f31d5-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_175.py +class: ByobNet +hash: ee34879e +model_name: mobilevitv2_175 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 55738.127 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 14251833 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_175_Opset18_timm/mobilevitv2_175_Opset18.onnx b/Computer_Vision/mobilevitv2_175_Opset18_timm/mobilevitv2_175_Opset18.onnx new file mode 100644 index 000000000..1150a6274 --- /dev/null +++ b/Computer_Vision/mobilevitv2_175_Opset18_timm/mobilevitv2_175_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a2de2d98ff4e249e6e3505f3bdc4dfa4914eb02a0bd1b796b4a29a6279c10050 +size 57075809 diff --git a/Computer_Vision/mobilevitv2_175_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_175_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f777e08da --- /dev/null +++ b/Computer_Vision/mobilevitv2_175_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9858813285827637 + set_success: 0.023998737335205078 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_175_timm_a47f31d5/onnx/mobilevitv2_175_timm_a47f31d5-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_175.py +class: ByobNet +hash: ee34879e +model_name: mobilevitv2_175 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 55738.127 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 14251833 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_175_in22ft1k_Opset16_timm/mobilevitv2_175_in22ft1k_Opset16.onnx b/Computer_Vision/mobilevitv2_175_in22ft1k_Opset16_timm/mobilevitv2_175_in22ft1k_Opset16.onnx new file mode 100644 index 000000000..fc1120234 --- /dev/null +++ b/Computer_Vision/mobilevitv2_175_in22ft1k_Opset16_timm/mobilevitv2_175_in22ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:265e2aa03b50f3c6d3bb0518e296315ca189a725c2666a2df75321e770015632 +size 57075809 diff --git a/Computer_Vision/mobilevitv2_175_in22ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_175_in22ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d17f6f4a1 --- /dev/null +++ b/Computer_Vision/mobilevitv2_175_in22ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.2338407039642334 + set_success: 0.02095961570739746 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_175_in22ft1k_timm_a47f31d5/onnx/mobilevitv2_175_in22ft1k_timm_a47f31d5-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_175_in22ft1k.py +class: ByobNet +hash: ee34879e +model_name: mobilevitv2_175_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 55738.127 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 14251833 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_175_in22ft1k_Opset17_timm/mobilevitv2_175_in22ft1k_Opset17.onnx b/Computer_Vision/mobilevitv2_175_in22ft1k_Opset17_timm/mobilevitv2_175_in22ft1k_Opset17.onnx new file mode 100644 index 000000000..2c19e5dcf --- /dev/null +++ b/Computer_Vision/mobilevitv2_175_in22ft1k_Opset17_timm/mobilevitv2_175_in22ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0bd01dca9ce228f38dc4f9149fb22a295bd76cb445ed4169519a87b337d9b73f +size 57075809 diff --git a/Computer_Vision/mobilevitv2_175_in22ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_175_in22ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f62020a13 --- /dev/null +++ b/Computer_Vision/mobilevitv2_175_in22ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.930121898651123 + set_success: 0.020301342010498047 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_175_in22ft1k_timm_a47f31d5/onnx/mobilevitv2_175_in22ft1k_timm_a47f31d5-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_175_in22ft1k.py +class: ByobNet +hash: ee34879e +model_name: mobilevitv2_175_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 55738.127 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 14251833 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_175_in22ft1k_Opset18_timm/mobilevitv2_175_in22ft1k_Opset18.onnx b/Computer_Vision/mobilevitv2_175_in22ft1k_Opset18_timm/mobilevitv2_175_in22ft1k_Opset18.onnx new file mode 100644 index 000000000..051ede39d --- /dev/null +++ b/Computer_Vision/mobilevitv2_175_in22ft1k_Opset18_timm/mobilevitv2_175_in22ft1k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:58973c173fe04ed2114434b5dbcd2fd3ce3dbfe49b9abe6acb73d5ab0db73734 +size 57075809 diff --git a/Computer_Vision/mobilevitv2_175_in22ft1k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_175_in22ft1k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..667feaba7 --- /dev/null +++ b/Computer_Vision/mobilevitv2_175_in22ft1k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0755515098571777 + set_success: 0.023546218872070312 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_175_in22ft1k_timm_a47f31d5/onnx/mobilevitv2_175_in22ft1k_timm_a47f31d5-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_175_in22ft1k.py +class: ByobNet +hash: ee34879e +model_name: mobilevitv2_175_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 55738.127 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 14251833 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_200_384_in22ft1k_Opset16_timm/mobilevitv2_200_384_in22ft1k_Opset16.onnx b/Computer_Vision/mobilevitv2_200_384_in22ft1k_Opset16_timm/mobilevitv2_200_384_in22ft1k_Opset16.onnx new file mode 100644 index 000000000..0a0c4e04f --- /dev/null +++ b/Computer_Vision/mobilevitv2_200_384_in22ft1k_Opset16_timm/mobilevitv2_200_384_in22ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df921b388ba78b1b485db5c868f411d5df8e6e0b3a982399dffdf21c5a0b55b7 +size 73858058 diff --git a/Computer_Vision/mobilevitv2_200_384_in22ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_200_384_in22ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..25f0d5d01 --- /dev/null +++ b/Computer_Vision/mobilevitv2_200_384_in22ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.3308229446411133 + set_success: 0.020198583602905273 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_200_384_in22ft1k_timm_1d3d8dc4/onnx/mobilevitv2_200_384_in22ft1k_timm_1d3d8dc4-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_200_384_in22ft1k.py +class: ByobNet +hash: 5d5907f2 +model_name: mobilevitv2_200_384_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 72127.042 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 18449329 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_200_384_in22ft1k_Opset17_timm/mobilevitv2_200_384_in22ft1k_Opset17.onnx b/Computer_Vision/mobilevitv2_200_384_in22ft1k_Opset17_timm/mobilevitv2_200_384_in22ft1k_Opset17.onnx new file mode 100644 index 000000000..076ed23b3 --- /dev/null +++ b/Computer_Vision/mobilevitv2_200_384_in22ft1k_Opset17_timm/mobilevitv2_200_384_in22ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ea1c8d654a25ab663e66a2cc2f69b1aea351470f4f7d3d496583a5fd09d2c4a +size 73858058 diff --git a/Computer_Vision/mobilevitv2_200_384_in22ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_200_384_in22ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..67e02fc3e --- /dev/null +++ b/Computer_Vision/mobilevitv2_200_384_in22ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.2464823722839355 + set_success: 0.020781278610229492 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_200_384_in22ft1k_timm_1d3d8dc4/onnx/mobilevitv2_200_384_in22ft1k_timm_1d3d8dc4-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_200_384_in22ft1k.py +class: ByobNet +hash: 5d5907f2 +model_name: mobilevitv2_200_384_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 72127.042 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 18449329 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_200_384_in22ft1k_Opset18_timm/mobilevitv2_200_384_in22ft1k_Opset18.onnx b/Computer_Vision/mobilevitv2_200_384_in22ft1k_Opset18_timm/mobilevitv2_200_384_in22ft1k_Opset18.onnx new file mode 100644 index 000000000..febb90f0f --- /dev/null +++ b/Computer_Vision/mobilevitv2_200_384_in22ft1k_Opset18_timm/mobilevitv2_200_384_in22ft1k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af85c84a02dc186e28d1f0d4fa6e9aea9f21d6fd9764c0500d31ef22ef3d3ecc +size 73858058 diff --git a/Computer_Vision/mobilevitv2_200_384_in22ft1k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_200_384_in22ft1k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7e5ebb5c6 --- /dev/null +++ b/Computer_Vision/mobilevitv2_200_384_in22ft1k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.393061637878418 + set_success: 0.02132272720336914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_200_384_in22ft1k_timm_1d3d8dc4/onnx/mobilevitv2_200_384_in22ft1k_timm_1d3d8dc4-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_200_384_in22ft1k.py +class: ByobNet +hash: 5d5907f2 +model_name: mobilevitv2_200_384_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 72127.042 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 18449329 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_200_Opset16_timm/mobilevitv2_200_Opset16.onnx b/Computer_Vision/mobilevitv2_200_Opset16_timm/mobilevitv2_200_Opset16.onnx new file mode 100644 index 000000000..a9dea8ac9 --- /dev/null +++ b/Computer_Vision/mobilevitv2_200_Opset16_timm/mobilevitv2_200_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:70eb0624b724ca8b9cc774a04e5da8641e88c5e853e68a4b67e4d774b31917ad +size 73858056 diff --git a/Computer_Vision/mobilevitv2_200_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_200_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..713022ed5 --- /dev/null +++ b/Computer_Vision/mobilevitv2_200_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.069427251815796 + set_success: 0.01910543441772461 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_200_timm_fc1b3f5c/onnx/mobilevitv2_200_timm_fc1b3f5c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_200.py +class: ByobNet +hash: 5d5907f2 +model_name: mobilevitv2_200 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 72127.04 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 18449329 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_200_Opset17_timm/mobilevitv2_200_Opset17.onnx b/Computer_Vision/mobilevitv2_200_Opset17_timm/mobilevitv2_200_Opset17.onnx new file mode 100644 index 000000000..bd0c59cd9 --- /dev/null +++ b/Computer_Vision/mobilevitv2_200_Opset17_timm/mobilevitv2_200_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae4b297a794875dd4743d0e06872abcea5efb609e1e8dcc42f1232c3d52f2230 +size 73858056 diff --git a/Computer_Vision/mobilevitv2_200_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_200_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8745860d0 --- /dev/null +++ b/Computer_Vision/mobilevitv2_200_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.1267056465148926 + set_success: 0.020184755325317383 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_200_timm_fc1b3f5c/onnx/mobilevitv2_200_timm_fc1b3f5c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_200.py +class: ByobNet +hash: 5d5907f2 +model_name: mobilevitv2_200 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 72127.04 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 18449329 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_200_Opset18_timm/mobilevitv2_200_Opset18.onnx b/Computer_Vision/mobilevitv2_200_Opset18_timm/mobilevitv2_200_Opset18.onnx new file mode 100644 index 000000000..34e48efad --- /dev/null +++ b/Computer_Vision/mobilevitv2_200_Opset18_timm/mobilevitv2_200_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:258cded9e8adca16cf86c4f2db686b7c62cda58717a69076c25f71dbe09a5665 +size 73858056 diff --git a/Computer_Vision/mobilevitv2_200_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_200_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ef08adf9f --- /dev/null +++ b/Computer_Vision/mobilevitv2_200_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.134779453277588 + set_success: 0.020437002182006836 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_200_timm_fc1b3f5c/onnx/mobilevitv2_200_timm_fc1b3f5c-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_200.py +class: ByobNet +hash: 5d5907f2 +model_name: mobilevitv2_200 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 72127.04 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 18449329 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_200_in22ft1k_Opset16_timm/mobilevitv2_200_in22ft1k_Opset16.onnx b/Computer_Vision/mobilevitv2_200_in22ft1k_Opset16_timm/mobilevitv2_200_in22ft1k_Opset16.onnx new file mode 100644 index 000000000..f6e6809bc --- /dev/null +++ b/Computer_Vision/mobilevitv2_200_in22ft1k_Opset16_timm/mobilevitv2_200_in22ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c97f3bfb8d9599402110c14d93a80506c5d4ac6be52aefcb102fc1cf21129cc +size 73858056 diff --git a/Computer_Vision/mobilevitv2_200_in22ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_200_in22ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e7ff81021 --- /dev/null +++ b/Computer_Vision/mobilevitv2_200_in22ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.1323530673980713 + set_success: 0.017338991165161133 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_200_in22ft1k_timm_fc1b3f5c/onnx/mobilevitv2_200_in22ft1k_timm_fc1b3f5c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_200_in22ft1k.py +class: ByobNet +hash: 5d5907f2 +model_name: mobilevitv2_200_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 72127.04 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 18449329 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_200_in22ft1k_Opset17_timm/mobilevitv2_200_in22ft1k_Opset17.onnx b/Computer_Vision/mobilevitv2_200_in22ft1k_Opset17_timm/mobilevitv2_200_in22ft1k_Opset17.onnx new file mode 100644 index 000000000..0aa510dcc --- /dev/null +++ b/Computer_Vision/mobilevitv2_200_in22ft1k_Opset17_timm/mobilevitv2_200_in22ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a825f3e3e5bb95186d3b9ffca5a8661d7d0a916f4dfc3c2552fc99f31c2c406 +size 73858056 diff --git a/Computer_Vision/mobilevitv2_200_in22ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_200_in22ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f13fb1017 --- /dev/null +++ b/Computer_Vision/mobilevitv2_200_in22ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.15628719329834 + set_success: 0.019659757614135742 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_200_in22ft1k_timm_fc1b3f5c/onnx/mobilevitv2_200_in22ft1k_timm_fc1b3f5c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_200_in22ft1k.py +class: ByobNet +hash: 5d5907f2 +model_name: mobilevitv2_200_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 72127.04 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 18449329 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/mobilevitv2_200_in22ft1k_Opset18_timm/mobilevitv2_200_in22ft1k_Opset18.onnx b/Computer_Vision/mobilevitv2_200_in22ft1k_Opset18_timm/mobilevitv2_200_in22ft1k_Opset18.onnx new file mode 100644 index 000000000..5656af3eb --- /dev/null +++ b/Computer_Vision/mobilevitv2_200_in22ft1k_Opset18_timm/mobilevitv2_200_in22ft1k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:402396779f1ab24256b56a8312da8f185b6f5bf0294c1f90c2d6d9cb37c77bc7 +size 73858056 diff --git a/Computer_Vision/mobilevitv2_200_in22ft1k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/mobilevitv2_200_in22ft1k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..14f6d76e2 --- /dev/null +++ b/Computer_Vision/mobilevitv2_200_in22ft1k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.090149402618408 + set_success: 0.017789363861083984 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilevitv2_200_in22ft1k_timm_fc1b3f5c/onnx/mobilevitv2_200_in22ft1k_timm_fc1b3f5c-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/mobilevitv2_200_in22ft1k.py +class: ByobNet +hash: 5d5907f2 +model_name: mobilevitv2_200_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 72127.04 +onnx_ops_counter: + Add: 40 + Constant: 79 + Conv: 64 + Expand: 9 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 21 + Mul: 64 + ReduceSum: 9 + Relu: 9 + Reshape: 54 + Shape: 30 + Sigmoid: 25 + Softmax: 9 + Split: 9 + Transpose: 6 +parameters: 18449329 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/nasnetalarge_Opset16_timm/nasnetalarge_Opset16.onnx b/Computer_Vision/nasnetalarge_Opset16_timm/nasnetalarge_Opset16.onnx new file mode 100644 index 000000000..714f70e7e --- /dev/null +++ b/Computer_Vision/nasnetalarge_Opset16_timm/nasnetalarge_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07b182530ca2e5bf0aa81e3b316ebe18a50f8a33dfa474a8f3d9bf12279537dc +size 355291843 diff --git a/Computer_Vision/nasnetalarge_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/nasnetalarge_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..42e9443f6 --- /dev/null +++ b/Computer_Vision/nasnetalarge_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 29.883260488510132 + set_success: 0.03376269340515137 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/nasnetalarge_timm_ed29c48d/onnx/nasnetalarge_timm_ed29c48d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/nasnetalarge.py +class: NASNetALarge +hash: 7d2fa366 +model_name: nasnetalarge +onnx_input_dimensions: + x: + - 1 + - 3 + - 331 + - 331 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 346964.7227 +onnx_ops_counter: + Add: 190 + AveragePool: 52 + BatchNormalization: 4 + Cast: 172 + Ceil: 24 + Clip: 40 + Concat: 102 + Constant: 708 + ConstantOfShape: 28 + Conv: 488 + Div: 56 + Flatten: 1 + Gather: 40 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Mul: 24 + Pad: 28 + Relu: 180 + Reshape: 56 + Shape: 40 + Slice: 28 + Sub: 128 + Transpose: 28 + Unsqueeze: 192 +parameters: 88753150 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/nasnetalarge_Opset17_timm/nasnetalarge_Opset17.onnx b/Computer_Vision/nasnetalarge_Opset17_timm/nasnetalarge_Opset17.onnx new file mode 100644 index 000000000..da0881f93 --- /dev/null +++ b/Computer_Vision/nasnetalarge_Opset17_timm/nasnetalarge_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ebc420eecafcd3ee6704a2507bf7db1d5679c0255a0ab0607c3252cd4b06d9d +size 355291843 diff --git a/Computer_Vision/nasnetalarge_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/nasnetalarge_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bbfdd73b7 --- /dev/null +++ b/Computer_Vision/nasnetalarge_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 29.531317234039307 + set_success: 0.03533434867858887 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/nasnetalarge_timm_ed29c48d/onnx/nasnetalarge_timm_ed29c48d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/nasnetalarge.py +class: NASNetALarge +hash: 7d2fa366 +model_name: nasnetalarge +onnx_input_dimensions: + x: + - 1 + - 3 + - 331 + - 331 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 346964.7227 +onnx_ops_counter: + Add: 190 + AveragePool: 52 + BatchNormalization: 4 + Cast: 172 + Ceil: 24 + Clip: 40 + Concat: 102 + Constant: 708 + ConstantOfShape: 28 + Conv: 488 + Div: 56 + Flatten: 1 + Gather: 40 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Mul: 24 + Pad: 28 + Relu: 180 + Reshape: 56 + Shape: 40 + Slice: 28 + Sub: 128 + Transpose: 28 + Unsqueeze: 192 +parameters: 88753150 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/nasnetalarge_Opset18_timm/nasnetalarge_Opset18.onnx b/Computer_Vision/nasnetalarge_Opset18_timm/nasnetalarge_Opset18.onnx new file mode 100644 index 000000000..f9eb430fd --- /dev/null +++ b/Computer_Vision/nasnetalarge_Opset18_timm/nasnetalarge_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bfd1bc9aa7b2b87c29c94c4544ce89a5b9433eadc7c854443be726d3c7791329 +size 355291843 diff --git a/Computer_Vision/nasnetalarge_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/nasnetalarge_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e54f47017 --- /dev/null +++ b/Computer_Vision/nasnetalarge_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 32.5340416431427 + set_success: 0.03126835823059082 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/nasnetalarge_timm_ed29c48d/onnx/nasnetalarge_timm_ed29c48d-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/nasnetalarge.py +class: NASNetALarge +hash: 7d2fa366 +model_name: nasnetalarge +onnx_input_dimensions: + x: + - 1 + - 3 + - 331 + - 331 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 346964.7227 +onnx_ops_counter: + Add: 190 + AveragePool: 52 + BatchNormalization: 4 + Cast: 172 + Ceil: 24 + Clip: 40 + Concat: 102 + Constant: 708 + ConstantOfShape: 28 + Conv: 488 + Div: 56 + Flatten: 1 + Gather: 40 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Mul: 24 + Pad: 28 + Relu: 180 + Reshape: 56 + Shape: 40 + Slice: 28 + Sub: 128 + Transpose: 28 + Unsqueeze: 192 +parameters: 88753150 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/nf_regnet_b1_Opset16_timm/nf_regnet_b1_Opset16.onnx b/Computer_Vision/nf_regnet_b1_Opset16_timm/nf_regnet_b1_Opset16.onnx new file mode 100644 index 000000000..cd21266ca --- /dev/null +++ b/Computer_Vision/nf_regnet_b1_Opset16_timm/nf_regnet_b1_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5269e79ed8d17560886fa9486c9493aec0ae73a8f36c3ba4661d36c9c9e07e94 +size 60693465 diff --git a/Computer_Vision/nf_regnet_b1_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/nf_regnet_b1_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..695448095 --- /dev/null +++ b/Computer_Vision/nf_regnet_b1_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.229953289031982 + set_success: 0.016866207122802734 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/nf_regnet_b1_timm_36577989/onnx/nf_regnet_b1_timm_36577989-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/nf_regnet_b1.py +class: NormFreeNet +hash: f804c414 +model_name: nf_regnet_b1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 59270.9941 +onnx_ops_counter: + Add: 20 + AveragePool: 4 + BatchNormalization: 66 + Constant: 126 + Conv: 106 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 44 + Mul: 207 + ReduceMean: 218 + Relu: 20 + Reshape: 66 + Sigmoid: 81 + Sub: 66 +parameters: 10223984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/nf_regnet_b1_Opset17_timm/nf_regnet_b1_Opset17.onnx b/Computer_Vision/nf_regnet_b1_Opset17_timm/nf_regnet_b1_Opset17.onnx new file mode 100644 index 000000000..8ca8ba769 --- /dev/null +++ b/Computer_Vision/nf_regnet_b1_Opset17_timm/nf_regnet_b1_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ef35f99d3fd437192fa06b0f2d22965cd4016c567f01498b5138257ea036f6a +size 60693465 diff --git a/Computer_Vision/nf_regnet_b1_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/nf_regnet_b1_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7470558d0 --- /dev/null +++ b/Computer_Vision/nf_regnet_b1_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.220863103866577 + set_success: 0.01736617088317871 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/nf_regnet_b1_timm_36577989/onnx/nf_regnet_b1_timm_36577989-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/nf_regnet_b1.py +class: NormFreeNet +hash: f804c414 +model_name: nf_regnet_b1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 59270.9941 +onnx_ops_counter: + Add: 20 + AveragePool: 4 + BatchNormalization: 66 + Constant: 126 + Conv: 106 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 44 + Mul: 207 + ReduceMean: 218 + Relu: 20 + Reshape: 66 + Sigmoid: 81 + Sub: 66 +parameters: 10223984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/nf_resnet50_Opset16_timm/nf_resnet50_Opset16.onnx b/Computer_Vision/nf_resnet50_Opset16_timm/nf_resnet50_Opset16.onnx new file mode 100644 index 000000000..e52cb8291 --- /dev/null +++ b/Computer_Vision/nf_resnet50_Opset16_timm/nf_resnet50_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a3adeb3b11f16449f1ba41b8f10bfa6b958f6788a411e42117f34a0197fd195 +size 196300154 diff --git a/Computer_Vision/nf_resnet50_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/nf_resnet50_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c6813979a --- /dev/null +++ b/Computer_Vision/nf_resnet50_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.8621416091918945 + set_success: 0.01839733123779297 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/nf_resnet50_timm_91f2b4e0/onnx/nf_resnet50_timm_91f2b4e0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/nf_resnet50.py +class: NormFreeNet +hash: 4348bc24 +model_name: nf_resnet50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 191699.4014 +onnx_ops_counter: + Add: 16 + AveragePool: 3 + BatchNormalization: 53 + Constant: 85 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 33 + MaxPool: 1 + Mul: 85 + ReduceMean: 159 + Relu: 49 + Reshape: 53 + Sub: 53 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/nf_resnet50_Opset17_timm/nf_resnet50_Opset17.onnx b/Computer_Vision/nf_resnet50_Opset17_timm/nf_resnet50_Opset17.onnx new file mode 100644 index 000000000..c741a738e --- /dev/null +++ b/Computer_Vision/nf_resnet50_Opset17_timm/nf_resnet50_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6bd3f9d7cbecf7ed897d5fea25d38073425c73121e64297450bc1980a4a02a46 +size 196300154 diff --git a/Computer_Vision/nf_resnet50_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/nf_resnet50_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3b6c8ae71 --- /dev/null +++ b/Computer_Vision/nf_resnet50_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.651008129119873 + set_success: 0.017757415771484375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/nf_resnet50_timm_91f2b4e0/onnx/nf_resnet50_timm_91f2b4e0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/nf_resnet50.py +class: NormFreeNet +hash: 4348bc24 +model_name: nf_resnet50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 191699.4014 +onnx_ops_counter: + Add: 16 + AveragePool: 3 + BatchNormalization: 53 + Constant: 85 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 33 + MaxPool: 1 + Mul: 85 + ReduceMean: 159 + Relu: 49 + Reshape: 53 + Sub: 53 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/nfnet_l0_Opset16_timm/nfnet_l0_Opset16.onnx b/Computer_Vision/nfnet_l0_Opset16_timm/nfnet_l0_Opset16.onnx new file mode 100644 index 000000000..0f8fbe7fc --- /dev/null +++ b/Computer_Vision/nfnet_l0_Opset16_timm/nfnet_l0_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:be2a0b4f391734dfe64486a516323dcde34a127e2a03b56a41a155e9f885c253 +size 227705694 diff --git a/Computer_Vision/nfnet_l0_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/nfnet_l0_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..950a54605 --- /dev/null +++ b/Computer_Vision/nfnet_l0_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.597226619720459 + set_success: 0.01792168617248535 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/nfnet_l0_timm_6f327395/onnx/nfnet_l0_timm_6f327395-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/nfnet_l0.py +class: NormFreeNet +hash: 4d9883d8 +model_name: nfnet_l0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 222368.874 +onnx_ops_counter: + Add: 12 + AveragePool: 3 + BatchNormalization: 57 + Constant: 93 + Conv: 81 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 38 + Mul: 157 + ReduceMean: 183 + Relu: 12 + Reshape: 57 + Sigmoid: 64 + Sub: 57 +parameters: 35074488 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/nfnet_l0_Opset17_timm/nfnet_l0_Opset17.onnx b/Computer_Vision/nfnet_l0_Opset17_timm/nfnet_l0_Opset17.onnx new file mode 100644 index 000000000..9fc91f94b --- /dev/null +++ b/Computer_Vision/nfnet_l0_Opset17_timm/nfnet_l0_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:20a0f1c5569814ce03a4255381533d7818c1ae5bcd2575f127d160e8e66a5b56 +size 227705694 diff --git a/Computer_Vision/nfnet_l0_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/nfnet_l0_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..593a3a628 --- /dev/null +++ b/Computer_Vision/nfnet_l0_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.7806782722473145 + set_success: 0.01914501190185547 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/nfnet_l0_timm_6f327395/onnx/nfnet_l0_timm_6f327395-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/nfnet_l0.py +class: NormFreeNet +hash: 4d9883d8 +model_name: nfnet_l0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 222368.874 +onnx_ops_counter: + Add: 12 + AveragePool: 3 + BatchNormalization: 57 + Constant: 93 + Conv: 81 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 38 + Mul: 157 + ReduceMean: 183 + Relu: 12 + Reshape: 57 + Sigmoid: 64 + Sub: 57 +parameters: 35074488 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pit_b_224_Opset16_timm/pit_b_224_Opset16.onnx b/Computer_Vision/pit_b_224_Opset16_timm/pit_b_224_Opset16.onnx new file mode 100644 index 000000000..651fdb5a0 --- /dev/null +++ b/Computer_Vision/pit_b_224_Opset16_timm/pit_b_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d7e7be697771a66fccdfe7b9e579a9977fe6d63644105bd7bc5a44deaca76e5 +size 295293731 diff --git a/Computer_Vision/pit_b_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/pit_b_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..433673d55 --- /dev/null +++ b/Computer_Vision/pit_b_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.540848016738892 + set_success: 0.01882028579711914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pit_b_224_timm_ef2a7244/onnx/pit_b_224_timm_ef2a7244-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pit_b_224.py +class: PoolingVisionTransformer +hash: e838d4d0 +model_name: pit_b_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 288372.8164 +onnx_ops_counter: + Add: 148 + Cast: 13 + Concat: 6 + Constant: 248 + ConstantOfShape: 1 + Conv: 3 + Div: 53 + Equal: 1 + Erf: 13 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 80 + Mul: 80 + Pow: 27 + ReduceMean: 54 + Reshape: 31 + Shape: 16 + Slice: 21 + Softmax: 13 + Split: 13 + Sqrt: 66 + Squeeze: 39 + Sub: 27 + Transpose: 44 + Where: 1 +parameters: 73764840 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pit_b_224_Opset17_timm/pit_b_224_Opset17.onnx b/Computer_Vision/pit_b_224_Opset17_timm/pit_b_224_Opset17.onnx new file mode 100644 index 000000000..cbf224498 --- /dev/null +++ b/Computer_Vision/pit_b_224_Opset17_timm/pit_b_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:13594c8a2079a479b9ff4c7c042389bb64d2934b59e5782522de8938af977ddc +size 295236599 diff --git a/Computer_Vision/pit_b_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/pit_b_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..16f46e962 --- /dev/null +++ b/Computer_Vision/pit_b_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.232361793518066 + set_success: 0.017424583435058594 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pit_b_224_timm_ef2a7244/onnx/pit_b_224_timm_ef2a7244-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pit_b_224.py +class: PoolingVisionTransformer +hash: e838d4d0 +model_name: pit_b_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 288317.0234 +onnx_ops_counter: + Add: 94 + Cast: 13 + Concat: 6 + Constant: 194 + ConstantOfShape: 1 + Conv: 3 + Div: 26 + Equal: 1 + Erf: 13 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 27 + MatMul: 80 + Mul: 53 + Reshape: 31 + Shape: 16 + Slice: 21 + Softmax: 13 + Split: 13 + Sqrt: 39 + Squeeze: 39 + Transpose: 44 + Where: 1 +parameters: 73764840 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pit_b_224_Opset18_timm/pit_b_224_Opset18.onnx b/Computer_Vision/pit_b_224_Opset18_timm/pit_b_224_Opset18.onnx new file mode 100644 index 000000000..d79326dc8 --- /dev/null +++ b/Computer_Vision/pit_b_224_Opset18_timm/pit_b_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3dd2999cccad734696cffff6eafb5980c55a1bcec8478a7cc6b1e5bac37ac3f +size 295236599 diff --git a/Computer_Vision/pit_b_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/pit_b_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1c04e617a --- /dev/null +++ b/Computer_Vision/pit_b_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.495447635650635 + set_success: 0.020340681076049805 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pit_b_224_timm_ef2a7244/onnx/pit_b_224_timm_ef2a7244-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pit_b_224.py +class: PoolingVisionTransformer +hash: e838d4d0 +model_name: pit_b_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 288317.0234 +onnx_ops_counter: + Add: 94 + Cast: 13 + Concat: 6 + Constant: 194 + ConstantOfShape: 1 + Conv: 3 + Div: 26 + Equal: 1 + Erf: 13 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 27 + MatMul: 80 + Mul: 53 + Reshape: 31 + Shape: 16 + Slice: 21 + Softmax: 13 + Split: 13 + Sqrt: 39 + Squeeze: 39 + Transpose: 44 + Where: 1 +parameters: 73764840 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pit_b_distilled_224_Opset16_timm/pit_b_distilled_224_Opset16.onnx b/Computer_Vision/pit_b_distilled_224_Opset16_timm/pit_b_distilled_224_Opset16.onnx new file mode 100644 index 000000000..2a37d264c --- /dev/null +++ b/Computer_Vision/pit_b_distilled_224_Opset16_timm/pit_b_distilled_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21fdec5d93a838935c4016f93f20caa89a8f4568c38d6ed0f2eb3aa43fd372c8 +size 299395192 diff --git a/Computer_Vision/pit_b_distilled_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/pit_b_distilled_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b68254058 --- /dev/null +++ b/Computer_Vision/pit_b_distilled_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.521432399749756 + set_success: 0.01716136932373047 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pit_b_distilled_224_timm_3d9054a2/onnx/pit_b_distilled_224_timm_3d9054a2-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pit_b_distilled_224.py +class: PoolingVisionTransformer +hash: d29e8402 +model_name: pit_b_distilled_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 292378.1494 +onnx_ops_counter: + Add: 149 + Cast: 13 + Concat: 6 + Constant: 249 + ConstantOfShape: 1 + Conv: 3 + Div: 54 + Equal: 1 + Erf: 13 + Expand: 1 + Gather: 1 + Gemm: 2 + MatMul: 80 + Mul: 80 + Pow: 27 + ReduceMean: 54 + Reshape: 31 + Shape: 16 + Slice: 21 + Softmax: 13 + Split: 13 + Sqrt: 66 + Squeeze: 39 + Sub: 27 + Transpose: 44 + Where: 1 +parameters: 74790096 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pit_b_distilled_224_Opset17_timm/pit_b_distilled_224_Opset17.onnx b/Computer_Vision/pit_b_distilled_224_Opset17_timm/pit_b_distilled_224_Opset17.onnx new file mode 100644 index 000000000..90a44928f --- /dev/null +++ b/Computer_Vision/pit_b_distilled_224_Opset17_timm/pit_b_distilled_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9570dde5ff3300e12b23a454b89665b7a56a215a4ba9f1e0de29d1e76caf072c +size 299338060 diff --git a/Computer_Vision/pit_b_distilled_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/pit_b_distilled_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e272fe438 --- /dev/null +++ b/Computer_Vision/pit_b_distilled_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.273489713668823 + set_success: 0.01868462562561035 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pit_b_distilled_224_timm_3d9054a2/onnx/pit_b_distilled_224_timm_3d9054a2-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pit_b_distilled_224.py +class: PoolingVisionTransformer +hash: d29e8402 +model_name: pit_b_distilled_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 292322.3564 +onnx_ops_counter: + Add: 95 + Cast: 13 + Concat: 6 + Constant: 195 + ConstantOfShape: 1 + Conv: 3 + Div: 27 + Equal: 1 + Erf: 13 + Expand: 1 + Gather: 1 + Gemm: 2 + LayerNormalization: 27 + MatMul: 80 + Mul: 53 + Reshape: 31 + Shape: 16 + Slice: 21 + Softmax: 13 + Split: 13 + Sqrt: 39 + Squeeze: 39 + Transpose: 44 + Where: 1 +parameters: 74790096 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pit_b_distilled_224_Opset18_timm/pit_b_distilled_224_Opset18.onnx b/Computer_Vision/pit_b_distilled_224_Opset18_timm/pit_b_distilled_224_Opset18.onnx new file mode 100644 index 000000000..124669920 --- /dev/null +++ b/Computer_Vision/pit_b_distilled_224_Opset18_timm/pit_b_distilled_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:770f2a4db30464e442ff89167ff9b2e7cedf89c31cae0ebea8abd8248479b7a7 +size 299338060 diff --git a/Computer_Vision/pit_b_distilled_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/pit_b_distilled_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..de858a88f --- /dev/null +++ b/Computer_Vision/pit_b_distilled_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.472894191741943 + set_success: 0.0180511474609375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pit_b_distilled_224_timm_3d9054a2/onnx/pit_b_distilled_224_timm_3d9054a2-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pit_b_distilled_224.py +class: PoolingVisionTransformer +hash: d29e8402 +model_name: pit_b_distilled_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 292322.3564 +onnx_ops_counter: + Add: 95 + Cast: 13 + Concat: 6 + Constant: 195 + ConstantOfShape: 1 + Conv: 3 + Div: 27 + Equal: 1 + Erf: 13 + Expand: 1 + Gather: 1 + Gemm: 2 + LayerNormalization: 27 + MatMul: 80 + Mul: 53 + Reshape: 31 + Shape: 16 + Slice: 21 + Softmax: 13 + Split: 13 + Sqrt: 39 + Squeeze: 39 + Transpose: 44 + Where: 1 +parameters: 74790096 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pit_s_224_Opset16_timm/pit_s_224_Opset16.onnx b/Computer_Vision/pit_s_224_Opset16_timm/pit_s_224_Opset16.onnx new file mode 100644 index 000000000..8dc87cced --- /dev/null +++ b/Computer_Vision/pit_s_224_Opset16_timm/pit_s_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef0f9a4b5206bcf5cbdbb407bc8756654a0a0d7935e256821c6e8db934a899db +size 94065074 diff --git a/Computer_Vision/pit_s_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/pit_s_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8c163a0dc --- /dev/null +++ b/Computer_Vision/pit_s_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0860071182250977 + set_success: 0.015735626220703125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pit_s_224_timm_79ee58ee/onnx/pit_s_224_timm_79ee58ee-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pit_s_224.py +class: PoolingVisionTransformer +hash: 3fcb9f05 +model_name: pit_s_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 91860.4561 +onnx_ops_counter: + Add: 137 + Cast: 12 + Concat: 6 + Constant: 232 + ConstantOfShape: 1 + Conv: 3 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 74 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 29 + Shape: 15 + Slice: 20 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 41 + Where: 1 +parameters: 23461912 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pit_s_224_Opset17_timm/pit_s_224_Opset17.onnx b/Computer_Vision/pit_s_224_Opset17_timm/pit_s_224_Opset17.onnx new file mode 100644 index 000000000..24e448a8a --- /dev/null +++ b/Computer_Vision/pit_s_224_Opset17_timm/pit_s_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4c52eefce5d26c34c45e4b162d545e9b433eba9072c3b4d30c22e0fefd3f813 +size 94012282 diff --git a/Computer_Vision/pit_s_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/pit_s_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9ed928f2b --- /dev/null +++ b/Computer_Vision/pit_s_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.4296555519104004 + set_success: 0.02270793914794922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pit_s_224_timm_79ee58ee/onnx/pit_s_224_timm_79ee58ee-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pit_s_224.py +class: PoolingVisionTransformer +hash: 3fcb9f05 +model_name: pit_s_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 91808.9014 +onnx_ops_counter: + Add: 87 + Cast: 12 + Concat: 6 + Constant: 182 + ConstantOfShape: 1 + Conv: 3 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 74 + Mul: 49 + Reshape: 29 + Shape: 15 + Slice: 20 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 41 + Where: 1 +parameters: 23461912 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pit_s_224_Opset18_timm/pit_s_224_Opset18.onnx b/Computer_Vision/pit_s_224_Opset18_timm/pit_s_224_Opset18.onnx new file mode 100644 index 000000000..be1a23263 --- /dev/null +++ b/Computer_Vision/pit_s_224_Opset18_timm/pit_s_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:194de978764673d9f55e8b114f9fc8caa30094d7f3f3ab2059e5d54ead192ee3 +size 94012282 diff --git a/Computer_Vision/pit_s_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/pit_s_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ec502c7b4 --- /dev/null +++ b/Computer_Vision/pit_s_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.078441619873047 + set_success: 0.021251678466796875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pit_s_224_timm_79ee58ee/onnx/pit_s_224_timm_79ee58ee-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pit_s_224.py +class: PoolingVisionTransformer +hash: 3fcb9f05 +model_name: pit_s_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 91808.9014 +onnx_ops_counter: + Add: 87 + Cast: 12 + Concat: 6 + Constant: 182 + ConstantOfShape: 1 + Conv: 3 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 74 + Mul: 49 + Reshape: 29 + Shape: 15 + Slice: 20 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 41 + Where: 1 +parameters: 23461912 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pit_s_distilled_224_Opset16_timm/pit_s_distilled_224_Opset16.onnx b/Computer_Vision/pit_s_distilled_224_Opset16_timm/pit_s_distilled_224_Opset16.onnx new file mode 100644 index 000000000..24b7c8f84 --- /dev/null +++ b/Computer_Vision/pit_s_distilled_224_Opset16_timm/pit_s_distilled_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8fca8bb6878a8ffedeed8a4eaedd41ca6b7109a96b3ba843e549e1a3ebdc4b94 +size 96374087 diff --git a/Computer_Vision/pit_s_distilled_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/pit_s_distilled_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..def9ede95 --- /dev/null +++ b/Computer_Vision/pit_s_distilled_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.224687099456787 + set_success: 0.016023874282836914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pit_s_distilled_224_timm_ad5cfa07/onnx/pit_s_distilled_224_timm_ad5cfa07-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pit_s_distilled_224.py +class: PoolingVisionTransformer +hash: d9387187 +model_name: pit_s_distilled_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 94115.3516 +onnx_ops_counter: + Add: 138 + Cast: 12 + Concat: 6 + Constant: 233 + ConstantOfShape: 1 + Conv: 3 + Div: 50 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 2 + MatMul: 74 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 29 + Shape: 15 + Slice: 20 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 41 + Where: 1 +parameters: 24039056 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pit_s_distilled_224_Opset17_timm/pit_s_distilled_224_Opset17.onnx b/Computer_Vision/pit_s_distilled_224_Opset17_timm/pit_s_distilled_224_Opset17.onnx new file mode 100644 index 000000000..5a7b87393 --- /dev/null +++ b/Computer_Vision/pit_s_distilled_224_Opset17_timm/pit_s_distilled_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:498964df8090f85e45c8c819da634eed06ad1cec47e0cc4ee62731638e42aaae +size 96321295 diff --git a/Computer_Vision/pit_s_distilled_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/pit_s_distilled_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cae376f79 --- /dev/null +++ b/Computer_Vision/pit_s_distilled_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9983487129211426 + set_success: 0.01590251922607422 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pit_s_distilled_224_timm_ad5cfa07/onnx/pit_s_distilled_224_timm_ad5cfa07-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pit_s_distilled_224.py +class: PoolingVisionTransformer +hash: d9387187 +model_name: pit_s_distilled_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 94063.7969 +onnx_ops_counter: + Add: 88 + Cast: 12 + Concat: 6 + Constant: 183 + ConstantOfShape: 1 + Conv: 3 + Div: 25 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 2 + LayerNormalization: 25 + MatMul: 74 + Mul: 49 + Reshape: 29 + Shape: 15 + Slice: 20 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 41 + Where: 1 +parameters: 24039056 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pit_s_distilled_224_Opset18_timm/pit_s_distilled_224_Opset18.onnx b/Computer_Vision/pit_s_distilled_224_Opset18_timm/pit_s_distilled_224_Opset18.onnx new file mode 100644 index 000000000..3fc921869 --- /dev/null +++ b/Computer_Vision/pit_s_distilled_224_Opset18_timm/pit_s_distilled_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5fdb4a9f3fc23296ab11575a50ac5736e4acab357fbc339890096616f1a6fc6f +size 96321295 diff --git a/Computer_Vision/pit_s_distilled_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/pit_s_distilled_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..437c7ce72 --- /dev/null +++ b/Computer_Vision/pit_s_distilled_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.015939474105835 + set_success: 0.01624155044555664 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pit_s_distilled_224_timm_ad5cfa07/onnx/pit_s_distilled_224_timm_ad5cfa07-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pit_s_distilled_224.py +class: PoolingVisionTransformer +hash: d9387187 +model_name: pit_s_distilled_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 94063.7969 +onnx_ops_counter: + Add: 88 + Cast: 12 + Concat: 6 + Constant: 183 + ConstantOfShape: 1 + Conv: 3 + Div: 25 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 2 + LayerNormalization: 25 + MatMul: 74 + Mul: 49 + Reshape: 29 + Shape: 15 + Slice: 20 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 41 + Where: 1 +parameters: 24039056 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pit_ti_224_Opset16_timm/pit_ti_224_Opset16.onnx b/Computer_Vision/pit_ti_224_Opset16_timm/pit_ti_224_Opset16.onnx new file mode 100644 index 000000000..39a96c56c --- /dev/null +++ b/Computer_Vision/pit_ti_224_Opset16_timm/pit_ti_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fa68447e50fafe6da50701fc36ed120dba5727c5198105014716e2e138dd3e21 +size 19606458 diff --git a/Computer_Vision/pit_ti_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/pit_ti_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e5abedf67 --- /dev/null +++ b/Computer_Vision/pit_ti_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3865909576416016 + set_success: 0.015088796615600586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pit_ti_224_timm_08504c16/onnx/pit_ti_224_timm_08504c16-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pit_ti_224.py +class: PoolingVisionTransformer +hash: 03d9665a +model_name: pit_ti_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 19146.9639 +onnx_ops_counter: + Add: 137 + Cast: 12 + Concat: 6 + Constant: 232 + ConstantOfShape: 1 + Conv: 3 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 74 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 29 + Shape: 15 + Slice: 20 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 41 + Where: 1 +parameters: 4847272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pit_ti_224_Opset17_timm/pit_ti_224_Opset17.onnx b/Computer_Vision/pit_ti_224_Opset17_timm/pit_ti_224_Opset17.onnx new file mode 100644 index 000000000..d3ffa7fd2 --- /dev/null +++ b/Computer_Vision/pit_ti_224_Opset17_timm/pit_ti_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:48266bf9570083f3aff0a919f90f5e4a27814a260bf22b38005fdf5b41c6f874 +size 19553666 diff --git a/Computer_Vision/pit_ti_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/pit_ti_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ad2bad124 --- /dev/null +++ b/Computer_Vision/pit_ti_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2534868717193604 + set_success: 0.01714015007019043 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pit_ti_224_timm_08504c16/onnx/pit_ti_224_timm_08504c16-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pit_ti_224.py +class: PoolingVisionTransformer +hash: 03d9665a +model_name: pit_ti_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 19095.4092 +onnx_ops_counter: + Add: 87 + Cast: 12 + Concat: 6 + Constant: 182 + ConstantOfShape: 1 + Conv: 3 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 74 + Mul: 49 + Reshape: 29 + Shape: 15 + Slice: 20 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 41 + Where: 1 +parameters: 4847272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pit_ti_224_Opset18_timm/pit_ti_224_Opset18.onnx b/Computer_Vision/pit_ti_224_Opset18_timm/pit_ti_224_Opset18.onnx new file mode 100644 index 000000000..8fddb11f0 --- /dev/null +++ b/Computer_Vision/pit_ti_224_Opset18_timm/pit_ti_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c9a9f7b5841d85dc1b10432f3b79c641b2d0507d127a2814f44c98fd27919c4a +size 19553666 diff --git a/Computer_Vision/pit_ti_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/pit_ti_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..90b5d8140 --- /dev/null +++ b/Computer_Vision/pit_ti_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.278435230255127 + set_success: 0.016339778900146484 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pit_ti_224_timm_08504c16/onnx/pit_ti_224_timm_08504c16-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pit_ti_224.py +class: PoolingVisionTransformer +hash: 03d9665a +model_name: pit_ti_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 19095.4092 +onnx_ops_counter: + Add: 87 + Cast: 12 + Concat: 6 + Constant: 182 + ConstantOfShape: 1 + Conv: 3 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 74 + Mul: 49 + Reshape: 29 + Shape: 15 + Slice: 20 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 41 + Where: 1 +parameters: 4847272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pit_ti_distilled_224_Opset16_timm/pit_ti_distilled_224_Opset16.onnx b/Computer_Vision/pit_ti_distilled_224_Opset16_timm/pit_ti_distilled_224_Opset16.onnx new file mode 100644 index 000000000..6ce8b2c4b --- /dev/null +++ b/Computer_Vision/pit_ti_distilled_224_Opset16_timm/pit_ti_distilled_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0ad09dc63efcdc0a6c4d668a6a3ba7658763dc161f9aaaa15169289280f830bd +size 20635149 diff --git a/Computer_Vision/pit_ti_distilled_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/pit_ti_distilled_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d8b5b16a4 --- /dev/null +++ b/Computer_Vision/pit_ti_distilled_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.4124393463134766 + set_success: 0.016757488250732422 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pit_ti_distilled_224_timm_d2e5e9d6/onnx/pit_ti_distilled_224_timm_d2e5e9d6-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pit_ti_distilled_224.py +class: PoolingVisionTransformer +hash: 51ea49af +model_name: pit_ti_distilled_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 20151.5449 +onnx_ops_counter: + Add: 138 + Cast: 12 + Concat: 6 + Constant: 233 + ConstantOfShape: 1 + Conv: 3 + Div: 50 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 2 + MatMul: 74 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 29 + Shape: 15 + Slice: 20 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 41 + Where: 1 +parameters: 5104336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pit_ti_distilled_224_Opset17_timm/pit_ti_distilled_224_Opset17.onnx b/Computer_Vision/pit_ti_distilled_224_Opset17_timm/pit_ti_distilled_224_Opset17.onnx new file mode 100644 index 000000000..9d46a32d3 --- /dev/null +++ b/Computer_Vision/pit_ti_distilled_224_Opset17_timm/pit_ti_distilled_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8a3557835f61a8c921fa83faf6884f3a29e98eaa39bfbfb18c83b5cedbfcaa6a +size 20582357 diff --git a/Computer_Vision/pit_ti_distilled_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/pit_ti_distilled_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e716f8b54 --- /dev/null +++ b/Computer_Vision/pit_ti_distilled_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2886574268341064 + set_success: 0.017416954040527344 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pit_ti_distilled_224_timm_d2e5e9d6/onnx/pit_ti_distilled_224_timm_d2e5e9d6-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pit_ti_distilled_224.py +class: PoolingVisionTransformer +hash: 51ea49af +model_name: pit_ti_distilled_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 20099.9902 +onnx_ops_counter: + Add: 88 + Cast: 12 + Concat: 6 + Constant: 183 + ConstantOfShape: 1 + Conv: 3 + Div: 25 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 2 + LayerNormalization: 25 + MatMul: 74 + Mul: 49 + Reshape: 29 + Shape: 15 + Slice: 20 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 41 + Where: 1 +parameters: 5104336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pit_ti_distilled_224_Opset18_timm/pit_ti_distilled_224_Opset18.onnx b/Computer_Vision/pit_ti_distilled_224_Opset18_timm/pit_ti_distilled_224_Opset18.onnx new file mode 100644 index 000000000..432bd084d --- /dev/null +++ b/Computer_Vision/pit_ti_distilled_224_Opset18_timm/pit_ti_distilled_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cbe41d4baf8b4e05092b906c87f9776bb20920786a5b7ff348b4629840001c60 +size 20582357 diff --git a/Computer_Vision/pit_ti_distilled_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/pit_ti_distilled_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..03437656d --- /dev/null +++ b/Computer_Vision/pit_ti_distilled_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2630643844604492 + set_success: 0.017170190811157227 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pit_ti_distilled_224_timm_d2e5e9d6/onnx/pit_ti_distilled_224_timm_d2e5e9d6-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pit_ti_distilled_224.py +class: PoolingVisionTransformer +hash: 51ea49af +model_name: pit_ti_distilled_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 20099.9902 +onnx_ops_counter: + Add: 88 + Cast: 12 + Concat: 6 + Constant: 183 + ConstantOfShape: 1 + Conv: 3 + Div: 25 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 2 + LayerNormalization: 25 + MatMul: 74 + Mul: 49 + Reshape: 29 + Shape: 15 + Slice: 20 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 41 + Where: 1 +parameters: 5104336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pit_xs_224_Opset16_timm/pit_xs_224_Opset16.onnx b/Computer_Vision/pit_xs_224_Opset16_timm/pit_xs_224_Opset16.onnx new file mode 100644 index 000000000..0353f5189 --- /dev/null +++ b/Computer_Vision/pit_xs_224_Opset16_timm/pit_xs_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:93d3f99424cba7c5fc6e826d3cacffad28e832901f1516162786aba0ab73e1e9 +size 42692938 diff --git a/Computer_Vision/pit_xs_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/pit_xs_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3837002b7 --- /dev/null +++ b/Computer_Vision/pit_xs_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.6447694301605225 + set_success: 0.015690088272094727 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pit_xs_224_timm_56779b23/onnx/pit_xs_224_timm_56779b23-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pit_xs_224.py +class: PoolingVisionTransformer +hash: da9851a8 +model_name: pit_xs_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 41692.3545 +onnx_ops_counter: + Add: 137 + Cast: 12 + Concat: 6 + Constant: 232 + ConstantOfShape: 1 + Conv: 3 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 74 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 29 + Shape: 15 + Slice: 20 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 41 + Where: 1 +parameters: 10618888 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pit_xs_224_Opset17_timm/pit_xs_224_Opset17.onnx b/Computer_Vision/pit_xs_224_Opset17_timm/pit_xs_224_Opset17.onnx new file mode 100644 index 000000000..062803c28 --- /dev/null +++ b/Computer_Vision/pit_xs_224_Opset17_timm/pit_xs_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e72bbcee40ff7ce4947bdc23c25e40d0fdf1e3de87c2f1fdb3b4b711a3fdfce +size 42640146 diff --git a/Computer_Vision/pit_xs_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/pit_xs_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..27d748a86 --- /dev/null +++ b/Computer_Vision/pit_xs_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8165884017944336 + set_success: 0.015035867691040039 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pit_xs_224_timm_56779b23/onnx/pit_xs_224_timm_56779b23-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pit_xs_224.py +class: PoolingVisionTransformer +hash: da9851a8 +model_name: pit_xs_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 41640.7998 +onnx_ops_counter: + Add: 87 + Cast: 12 + Concat: 6 + Constant: 182 + ConstantOfShape: 1 + Conv: 3 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 74 + Mul: 49 + Reshape: 29 + Shape: 15 + Slice: 20 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 41 + Where: 1 +parameters: 10618888 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pit_xs_224_Opset18_timm/pit_xs_224_Opset18.onnx b/Computer_Vision/pit_xs_224_Opset18_timm/pit_xs_224_Opset18.onnx new file mode 100644 index 000000000..3e1ae4d2f --- /dev/null +++ b/Computer_Vision/pit_xs_224_Opset18_timm/pit_xs_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:be23d0e4eb853554211c526e0d332f1f73f5742e8b5779e39609edeb94dd3596 +size 42640146 diff --git a/Computer_Vision/pit_xs_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/pit_xs_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c1a13b20b --- /dev/null +++ b/Computer_Vision/pit_xs_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.537055492401123 + set_success: 0.016383886337280273 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pit_xs_224_timm_56779b23/onnx/pit_xs_224_timm_56779b23-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pit_xs_224.py +class: PoolingVisionTransformer +hash: da9851a8 +model_name: pit_xs_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 41640.7998 +onnx_ops_counter: + Add: 87 + Cast: 12 + Concat: 6 + Constant: 182 + ConstantOfShape: 1 + Conv: 3 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 74 + Mul: 49 + Reshape: 29 + Shape: 15 + Slice: 20 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 41 + Where: 1 +parameters: 10618888 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pit_xs_distilled_224_Opset16_timm/pit_xs_distilled_224_Opset16.onnx b/Computer_Vision/pit_xs_distilled_224_Opset16_timm/pit_xs_distilled_224_Opset16.onnx new file mode 100644 index 000000000..93d6eef36 --- /dev/null +++ b/Computer_Vision/pit_xs_distilled_224_Opset16_timm/pit_xs_distilled_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96e6786bc6250cd66312acb58eac537e45a768f91220d1405dee6877a4fb075a +size 44233757 diff --git a/Computer_Vision/pit_xs_distilled_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/pit_xs_distilled_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1f43bcd81 --- /dev/null +++ b/Computer_Vision/pit_xs_distilled_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.6303837299346924 + set_success: 0.014831304550170898 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pit_xs_distilled_224_timm_c53d4204/onnx/pit_xs_distilled_224_timm_c53d4204-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pit_xs_distilled_224.py +class: PoolingVisionTransformer +hash: 2f6ffddb +model_name: pit_xs_distilled_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 43197.0605 +onnx_ops_counter: + Add: 138 + Cast: 12 + Concat: 6 + Constant: 233 + ConstantOfShape: 1 + Conv: 3 + Div: 50 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 2 + MatMul: 74 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 29 + Shape: 15 + Slice: 20 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 41 + Where: 1 +parameters: 11003984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pit_xs_distilled_224_Opset17_timm/pit_xs_distilled_224_Opset17.onnx b/Computer_Vision/pit_xs_distilled_224_Opset17_timm/pit_xs_distilled_224_Opset17.onnx new file mode 100644 index 000000000..8a246b3ba --- /dev/null +++ b/Computer_Vision/pit_xs_distilled_224_Opset17_timm/pit_xs_distilled_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b00d3c50725ea3f8a116fac46d5fb14ae9a593ad0ca1ad7c42d0df2d04dc8f7 +size 44180965 diff --git a/Computer_Vision/pit_xs_distilled_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/pit_xs_distilled_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..03fe35cc1 --- /dev/null +++ b/Computer_Vision/pit_xs_distilled_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.5222949981689453 + set_success: 0.01695561408996582 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pit_xs_distilled_224_timm_c53d4204/onnx/pit_xs_distilled_224_timm_c53d4204-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pit_xs_distilled_224.py +class: PoolingVisionTransformer +hash: 2f6ffddb +model_name: pit_xs_distilled_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 43145.5059 +onnx_ops_counter: + Add: 88 + Cast: 12 + Concat: 6 + Constant: 183 + ConstantOfShape: 1 + Conv: 3 + Div: 25 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 2 + LayerNormalization: 25 + MatMul: 74 + Mul: 49 + Reshape: 29 + Shape: 15 + Slice: 20 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 41 + Where: 1 +parameters: 11003984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pit_xs_distilled_224_Opset18_timm/pit_xs_distilled_224_Opset18.onnx b/Computer_Vision/pit_xs_distilled_224_Opset18_timm/pit_xs_distilled_224_Opset18.onnx new file mode 100644 index 000000000..414d73c7d --- /dev/null +++ b/Computer_Vision/pit_xs_distilled_224_Opset18_timm/pit_xs_distilled_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cb1e600bafbfe8a4b4746994cfef82714934363de0dce5bc758b582b958e10da +size 44180965 diff --git a/Computer_Vision/pit_xs_distilled_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/pit_xs_distilled_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ef154fea7 --- /dev/null +++ b/Computer_Vision/pit_xs_distilled_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.5328187942504883 + set_success: 0.018618106842041016 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pit_xs_distilled_224_timm_c53d4204/onnx/pit_xs_distilled_224_timm_c53d4204-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pit_xs_distilled_224.py +class: PoolingVisionTransformer +hash: 2f6ffddb +model_name: pit_xs_distilled_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 43145.5059 +onnx_ops_counter: + Add: 88 + Cast: 12 + Concat: 6 + Constant: 183 + ConstantOfShape: 1 + Conv: 3 + Div: 25 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 2 + LayerNormalization: 25 + MatMul: 74 + Mul: 49 + Reshape: 29 + Shape: 15 + Slice: 20 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 41 + Where: 1 +parameters: 11003984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pnasnet5large_Opset16_timm/pnasnet5large_Opset16.onnx b/Computer_Vision/pnasnet5large_Opset16_timm/pnasnet5large_Opset16.onnx new file mode 100644 index 000000000..d8b581e4b --- /dev/null +++ b/Computer_Vision/pnasnet5large_Opset16_timm/pnasnet5large_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5af3e2554bf91f3bbfac675b375438ad865ba7d2bf8cdb655bc97c6a2ccaf527 +size 344597959 diff --git a/Computer_Vision/pnasnet5large_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/pnasnet5large_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..798396468 --- /dev/null +++ b/Computer_Vision/pnasnet5large_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 25.95582866668701 + set_success: 0.03181004524230957 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pnasnet5large_timm_178e0bde/onnx/pnasnet5large_timm_178e0bde-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pnasnet5large.py +class: PNASNet5Large +hash: d78405b4 +model_name: pnasnet5large +onnx_input_dimensions: + x: + - 1 + - 3 + - 331 + - 331 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 336521.4766 +onnx_ops_counter: + Add: 198 + AveragePool: 8 + BatchNormalization: 4 + Cast: 258 + Ceil: 32 + Clip: 64 + Concat: 118 + Constant: 974 + ConstantOfShape: 36 + Conv: 373 + Div: 84 + Flatten: 1 + Gather: 52 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 28 + Mul: 32 + Pad: 36 + Relu: 140 + Reshape: 72 + Shape: 52 + Slice: 36 + Sub: 192 + Transpose: 36 + Unsqueeze: 256 +parameters: 86057668 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pnasnet5large_Opset17_timm/pnasnet5large_Opset17.onnx b/Computer_Vision/pnasnet5large_Opset17_timm/pnasnet5large_Opset17.onnx new file mode 100644 index 000000000..7f460b77e --- /dev/null +++ b/Computer_Vision/pnasnet5large_Opset17_timm/pnasnet5large_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c861ebc80983a557ba343f5eacd72340724c2ca6fb457571aff1cd863bacc811 +size 344597959 diff --git a/Computer_Vision/pnasnet5large_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/pnasnet5large_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7c0df71df --- /dev/null +++ b/Computer_Vision/pnasnet5large_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 28.37264585494995 + set_success: 0.03891944885253906 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pnasnet5large_timm_178e0bde/onnx/pnasnet5large_timm_178e0bde-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pnasnet5large.py +class: PNASNet5Large +hash: d78405b4 +model_name: pnasnet5large +onnx_input_dimensions: + x: + - 1 + - 3 + - 331 + - 331 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 336521.4766 +onnx_ops_counter: + Add: 198 + AveragePool: 8 + BatchNormalization: 4 + Cast: 258 + Ceil: 32 + Clip: 64 + Concat: 118 + Constant: 974 + ConstantOfShape: 36 + Conv: 373 + Div: 84 + Flatten: 1 + Gather: 52 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 28 + Mul: 32 + Pad: 36 + Relu: 140 + Reshape: 72 + Shape: 52 + Slice: 36 + Sub: 192 + Transpose: 36 + Unsqueeze: 256 +parameters: 86057668 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/pnasnet5large_Opset18_timm/pnasnet5large_Opset18.onnx b/Computer_Vision/pnasnet5large_Opset18_timm/pnasnet5large_Opset18.onnx new file mode 100644 index 000000000..67aed54db --- /dev/null +++ b/Computer_Vision/pnasnet5large_Opset18_timm/pnasnet5large_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e59aaa208043554d993eaef391b89f17076a5e296486002753eaaadc190fb9b1 +size 344597959 diff --git a/Computer_Vision/pnasnet5large_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/pnasnet5large_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..faa251be0 --- /dev/null +++ b/Computer_Vision/pnasnet5large_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 32.24179029464722 + set_success: 0.04585123062133789 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pnasnet5large_timm_178e0bde/onnx/pnasnet5large_timm_178e0bde-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/pnasnet5large.py +class: PNASNet5Large +hash: d78405b4 +model_name: pnasnet5large +onnx_input_dimensions: + x: + - 1 + - 3 + - 331 + - 331 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 336521.4766 +onnx_ops_counter: + Add: 198 + AveragePool: 8 + BatchNormalization: 4 + Cast: 258 + Ceil: 32 + Clip: 64 + Concat: 118 + Constant: 974 + ConstantOfShape: 36 + Conv: 373 + Div: 84 + Flatten: 1 + Gather: 52 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 28 + Mul: 32 + Pad: 36 + Relu: 140 + Reshape: 72 + Shape: 52 + Slice: 36 + Sub: 192 + Transpose: 36 + Unsqueeze: 256 +parameters: 86057668 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/poolformer_m36_Opset16_timm/poolformer_m36_Opset16.onnx b/Computer_Vision/poolformer_m36_Opset16_timm/poolformer_m36_Opset16.onnx new file mode 100644 index 000000000..def2d8bcb --- /dev/null +++ b/Computer_Vision/poolformer_m36_Opset16_timm/poolformer_m36_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8fdac7cd97d0ddd35f57819b53f12211481b026a093ca64103d10332f2a62667 +size 224966096 diff --git a/Computer_Vision/poolformer_m36_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/poolformer_m36_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0eb971a89 --- /dev/null +++ b/Computer_Vision/poolformer_m36_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,211 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.6273112297058105 + set_success: 0.019948959350585938 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/poolformer_m36_timm_7516235c/onnx/poolformer_m36_timm_7516235c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/poolformer_m36.py +class: MetaFormer +hash: 50a110d0 +model_name: poolformer_m36 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 219693.4854 +onnx_ops_counter: + Add: 182 + AveragePool: 36 + Constant: 326 + Conv: 76 + Div: 37 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 72 + Mul: 217 + Pow: 1 + ReduceMean: 2 + Reshape: 144 + Shape: 72 + Sqrt: 1 + Sub: 37 + Transpose: 2 +parameters: 56172520 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/poolformer_m36_Opset17_timm/poolformer_m36_Opset17.onnx b/Computer_Vision/poolformer_m36_Opset17_timm/poolformer_m36_Opset17.onnx new file mode 100644 index 000000000..89323df39 --- /dev/null +++ b/Computer_Vision/poolformer_m36_Opset17_timm/poolformer_m36_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37d0d0adfa90b695974a080bd47995ebb03e58014f76beee1468111b2746516c +size 224965366 diff --git a/Computer_Vision/poolformer_m36_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/poolformer_m36_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..495fe8075 --- /dev/null +++ b/Computer_Vision/poolformer_m36_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.696686267852783 + set_success: 0.020084619522094727 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/poolformer_m36_timm_7516235c/onnx/poolformer_m36_timm_7516235c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/poolformer_m36.py +class: MetaFormer +hash: 50a110d0 +model_name: poolformer_m36 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 219692.7725 +onnx_ops_counter: + Add: 180 + AveragePool: 36 + Constant: 324 + Conv: 76 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 72 + LayerNormalization: 1 + Mul: 216 + Reshape: 144 + Shape: 72 + Sub: 36 + Transpose: 2 +parameters: 56172520 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/poolformer_m36_Opset18_timm/poolformer_m36_Opset18.onnx b/Computer_Vision/poolformer_m36_Opset18_timm/poolformer_m36_Opset18.onnx new file mode 100644 index 000000000..4aec29fdc --- /dev/null +++ b/Computer_Vision/poolformer_m36_Opset18_timm/poolformer_m36_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0bb404b872a281725da64aa84f8b2ef5318775d09239371ec215de7bf4d99111 +size 224965366 diff --git a/Computer_Vision/poolformer_m36_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/poolformer_m36_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a38b838f4 --- /dev/null +++ b/Computer_Vision/poolformer_m36_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.628815650939941 + set_success: 0.018742084503173828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/poolformer_m36_timm_7516235c/onnx/poolformer_m36_timm_7516235c-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/poolformer_m36.py +class: MetaFormer +hash: 50a110d0 +model_name: poolformer_m36 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 219692.7725 +onnx_ops_counter: + Add: 180 + AveragePool: 36 + Constant: 324 + Conv: 76 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 72 + LayerNormalization: 1 + Mul: 216 + Reshape: 144 + Shape: 72 + Sub: 36 + Transpose: 2 +parameters: 56172520 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/poolformer_m48_Opset16_timm/poolformer_m48_Opset16.onnx b/Computer_Vision/poolformer_m48_Opset16_timm/poolformer_m48_Opset16.onnx new file mode 100644 index 000000000..8ad596db9 --- /dev/null +++ b/Computer_Vision/poolformer_m48_Opset16_timm/poolformer_m48_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:56db5e815b92dbcf054cacecda5308a35a1fe91a61280ceb1720f5204b168b13 +size 294261167 diff --git a/Computer_Vision/poolformer_m48_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/poolformer_m48_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..eb470546d --- /dev/null +++ b/Computer_Vision/poolformer_m48_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,211 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.766050338745117 + set_success: 0.02108597755432129 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/poolformer_m48_timm_1b23f928/onnx/poolformer_m48_timm_1b23f928-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/poolformer_m48.py +class: MetaFormer +hash: bde77009 +model_name: poolformer_m48 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 287364.4531 +onnx_ops_counter: + Add: 242 + AveragePool: 48 + Constant: 434 + Conv: 100 + Div: 49 + Erf: 48 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 96 + Mul: 289 + Pow: 1 + ReduceMean: 2 + Reshape: 192 + Shape: 96 + Sqrt: 1 + Sub: 49 + Transpose: 2 +parameters: 73473448 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/poolformer_m48_Opset17_timm/poolformer_m48_Opset17.onnx b/Computer_Vision/poolformer_m48_Opset17_timm/poolformer_m48_Opset17.onnx new file mode 100644 index 000000000..6cebd1713 --- /dev/null +++ b/Computer_Vision/poolformer_m48_Opset17_timm/poolformer_m48_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:68d13d331e53eb28d9a6ef6d7d067bcb03bdc08fd52d39f7cc211068f98faff5 +size 294260437 diff --git a/Computer_Vision/poolformer_m48_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/poolformer_m48_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8401a3f52 --- /dev/null +++ b/Computer_Vision/poolformer_m48_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.725188970565796 + set_success: 0.020401716232299805 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/poolformer_m48_timm_1b23f928/onnx/poolformer_m48_timm_1b23f928-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/poolformer_m48.py +class: MetaFormer +hash: bde77009 +model_name: poolformer_m48 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 287363.7402 +onnx_ops_counter: + Add: 240 + AveragePool: 48 + Constant: 432 + Conv: 100 + Div: 48 + Erf: 48 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 96 + LayerNormalization: 1 + Mul: 288 + Reshape: 192 + Shape: 96 + Sub: 48 + Transpose: 2 +parameters: 73473448 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/poolformer_m48_Opset18_timm/poolformer_m48_Opset18.onnx b/Computer_Vision/poolformer_m48_Opset18_timm/poolformer_m48_Opset18.onnx new file mode 100644 index 000000000..644ceda75 --- /dev/null +++ b/Computer_Vision/poolformer_m48_Opset18_timm/poolformer_m48_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:066cbfbab01a8dc912eb5348443173c96e6429b917837326df445a7758eea8ee +size 294260437 diff --git a/Computer_Vision/poolformer_m48_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/poolformer_m48_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a721aef73 --- /dev/null +++ b/Computer_Vision/poolformer_m48_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.69761872291565 + set_success: 0.023398637771606445 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/poolformer_m48_timm_1b23f928/onnx/poolformer_m48_timm_1b23f928-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/poolformer_m48.py +class: MetaFormer +hash: bde77009 +model_name: poolformer_m48 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 287363.7402 +onnx_ops_counter: + Add: 240 + AveragePool: 48 + Constant: 432 + Conv: 100 + Div: 48 + Erf: 48 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 96 + LayerNormalization: 1 + Mul: 288 + Reshape: 192 + Shape: 96 + Sub: 48 + Transpose: 2 +parameters: 73473448 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/poolformer_s12_Opset16_timm/poolformer_s12_Opset16.onnx b/Computer_Vision/poolformer_s12_Opset16_timm/poolformer_s12_Opset16.onnx new file mode 100644 index 000000000..47a8924ed --- /dev/null +++ b/Computer_Vision/poolformer_s12_Opset16_timm/poolformer_s12_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b1903f5ecce93b86d597d105a786e060725f0fc75b880481244cc9c73cd93b35 +size 47754296 diff --git a/Computer_Vision/poolformer_s12_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/poolformer_s12_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ab11220b0 --- /dev/null +++ b/Computer_Vision/poolformer_s12_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,211 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.213679552078247 + set_success: 0.01597762107849121 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/poolformer_s12_timm_f3028db7/onnx/poolformer_s12_timm_f3028db7-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/poolformer_s12.py +class: MetaFormer +hash: 0c27a53f +model_name: poolformer_s12 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 46635.0869 +onnx_ops_counter: + Add: 62 + AveragePool: 12 + Constant: 110 + Conv: 28 + Div: 13 + Erf: 12 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 24 + Mul: 73 + Pow: 1 + ReduceMean: 2 + Reshape: 48 + Shape: 24 + Sqrt: 1 + Sub: 13 + Transpose: 2 +parameters: 11915176 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/poolformer_s12_Opset17_timm/poolformer_s12_Opset17.onnx b/Computer_Vision/poolformer_s12_Opset17_timm/poolformer_s12_Opset17.onnx new file mode 100644 index 000000000..d9729d8b6 --- /dev/null +++ b/Computer_Vision/poolformer_s12_Opset17_timm/poolformer_s12_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9efa25ea7c70492417d500790ba144c69435f68e69c7d034e7f52b718f3683ce +size 47753566 diff --git a/Computer_Vision/poolformer_s12_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/poolformer_s12_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0b01b4cc9 --- /dev/null +++ b/Computer_Vision/poolformer_s12_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1787872314453125 + set_success: 0.016946077346801758 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/poolformer_s12_timm_f3028db7/onnx/poolformer_s12_timm_f3028db7-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/poolformer_s12.py +class: MetaFormer +hash: 0c27a53f +model_name: poolformer_s12 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 46634.374 +onnx_ops_counter: + Add: 60 + AveragePool: 12 + Constant: 108 + Conv: 28 + Div: 12 + Erf: 12 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 24 + LayerNormalization: 1 + Mul: 72 + Reshape: 48 + Shape: 24 + Sub: 12 + Transpose: 2 +parameters: 11915176 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/poolformer_s12_Opset18_timm/poolformer_s12_Opset18.onnx b/Computer_Vision/poolformer_s12_Opset18_timm/poolformer_s12_Opset18.onnx new file mode 100644 index 000000000..b52cbc3c1 --- /dev/null +++ b/Computer_Vision/poolformer_s12_Opset18_timm/poolformer_s12_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8658f8277b028143beff0841e357e9f483a3b64b1d7effc5d43da801fcb840bf +size 47753566 diff --git a/Computer_Vision/poolformer_s12_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/poolformer_s12_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b8626e2c0 --- /dev/null +++ b/Computer_Vision/poolformer_s12_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.3822648525238037 + set_success: 0.01903986930847168 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/poolformer_s12_timm_f3028db7/onnx/poolformer_s12_timm_f3028db7-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/poolformer_s12.py +class: MetaFormer +hash: 0c27a53f +model_name: poolformer_s12 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 46634.374 +onnx_ops_counter: + Add: 60 + AveragePool: 12 + Constant: 108 + Conv: 28 + Div: 12 + Erf: 12 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 24 + LayerNormalization: 1 + Mul: 72 + Reshape: 48 + Shape: 24 + Sub: 12 + Transpose: 2 +parameters: 11915176 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/poolformer_s24_Opset16_timm/poolformer_s24_Opset16.onnx b/Computer_Vision/poolformer_s24_Opset16_timm/poolformer_s24_Opset16.onnx new file mode 100644 index 000000000..cd831dc43 --- /dev/null +++ b/Computer_Vision/poolformer_s24_Opset16_timm/poolformer_s24_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2be079cf7f0c970d5525f1f45b93fdeaa7180bb64a6242e80f9ab3625528724d +size 85740478 diff --git a/Computer_Vision/poolformer_s24_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/poolformer_s24_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cfdb50d13 --- /dev/null +++ b/Computer_Vision/poolformer_s24_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,211 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.6378676891326904 + set_success: 0.01950550079345703 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/poolformer_s24_timm_088f4135/onnx/poolformer_s24_timm_088f4135-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/poolformer_s24.py +class: MetaFormer +hash: fc4bab5a +model_name: poolformer_s24 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 83730.9678 +onnx_ops_counter: + Add: 122 + AveragePool: 24 + Constant: 218 + Conv: 52 + Div: 25 + Erf: 24 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 48 + Mul: 145 + Pow: 1 + ReduceMean: 2 + Reshape: 96 + Shape: 48 + Sqrt: 1 + Sub: 25 + Transpose: 2 +parameters: 21388968 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/poolformer_s24_Opset17_timm/poolformer_s24_Opset17.onnx b/Computer_Vision/poolformer_s24_Opset17_timm/poolformer_s24_Opset17.onnx new file mode 100644 index 000000000..75d9c93f1 --- /dev/null +++ b/Computer_Vision/poolformer_s24_Opset17_timm/poolformer_s24_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5bda7b49ff2a9d11057f9adb15b0408d26aa5337a2fe4d47818a5efc22902a9c +size 85739748 diff --git a/Computer_Vision/poolformer_s24_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/poolformer_s24_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4dd0a0bd3 --- /dev/null +++ b/Computer_Vision/poolformer_s24_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.697378635406494 + set_success: 0.016790151596069336 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/poolformer_s24_timm_088f4135/onnx/poolformer_s24_timm_088f4135-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/poolformer_s24.py +class: MetaFormer +hash: fc4bab5a +model_name: poolformer_s24 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 83730.2549 +onnx_ops_counter: + Add: 120 + AveragePool: 24 + Constant: 216 + Conv: 52 + Div: 24 + Erf: 24 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 48 + LayerNormalization: 1 + Mul: 144 + Reshape: 96 + Shape: 48 + Sub: 24 + Transpose: 2 +parameters: 21388968 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/poolformer_s24_Opset18_timm/poolformer_s24_Opset18.onnx b/Computer_Vision/poolformer_s24_Opset18_timm/poolformer_s24_Opset18.onnx new file mode 100644 index 000000000..3df391e3d --- /dev/null +++ b/Computer_Vision/poolformer_s24_Opset18_timm/poolformer_s24_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e09064d0762efefa2619c6ea3dc03c4b84babfe2c07f2921371acd8976436c4 +size 85739748 diff --git a/Computer_Vision/poolformer_s24_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/poolformer_s24_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..84fb62678 --- /dev/null +++ b/Computer_Vision/poolformer_s24_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.781327247619629 + set_success: 0.021333932876586914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/poolformer_s24_timm_088f4135/onnx/poolformer_s24_timm_088f4135-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/poolformer_s24.py +class: MetaFormer +hash: fc4bab5a +model_name: poolformer_s24 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 83730.2549 +onnx_ops_counter: + Add: 120 + AveragePool: 24 + Constant: 216 + Conv: 52 + Div: 24 + Erf: 24 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 48 + LayerNormalization: 1 + Mul: 144 + Reshape: 96 + Shape: 48 + Sub: 24 + Transpose: 2 +parameters: 21388968 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/poolformer_s36_Opset16_timm/poolformer_s36_Opset16.onnx b/Computer_Vision/poolformer_s36_Opset16_timm/poolformer_s36_Opset16.onnx new file mode 100644 index 000000000..7c4ea9b23 --- /dev/null +++ b/Computer_Vision/poolformer_s36_Opset16_timm/poolformer_s36_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c3d290b41eb18c6f4169d6b0eff1e27c0e47ec0b2fd361d3ab66b72f112c486 +size 123726980 diff --git a/Computer_Vision/poolformer_s36_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/poolformer_s36_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..16b2a8c97 --- /dev/null +++ b/Computer_Vision/poolformer_s36_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,211 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.601853609085083 + set_success: 0.018019914627075195 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/poolformer_s36_timm_79329559/onnx/poolformer_s36_timm_79329559-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/poolformer_s36.py +class: MetaFormer +hash: bff42fd3 +model_name: poolformer_s36 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 120827.1611 +onnx_ops_counter: + Add: 182 + AveragePool: 36 + Constant: 326 + Conv: 76 + Div: 37 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 72 + Mul: 217 + Pow: 1 + ReduceMean: 2 + Reshape: 144 + Shape: 72 + Sqrt: 1 + Sub: 37 + Transpose: 2 +parameters: 30862760 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/poolformer_s36_Opset17_timm/poolformer_s36_Opset17.onnx b/Computer_Vision/poolformer_s36_Opset17_timm/poolformer_s36_Opset17.onnx new file mode 100644 index 000000000..e9306dfa1 --- /dev/null +++ b/Computer_Vision/poolformer_s36_Opset17_timm/poolformer_s36_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a4052c6c64f83b5dcc521259223ab14fac833d2af9762a0078a64b0eb39663ba +size 123726250 diff --git a/Computer_Vision/poolformer_s36_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/poolformer_s36_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cab0b4410 --- /dev/null +++ b/Computer_Vision/poolformer_s36_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.874331712722778 + set_success: 0.018824338912963867 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/poolformer_s36_timm_79329559/onnx/poolformer_s36_timm_79329559-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/poolformer_s36.py +class: MetaFormer +hash: bff42fd3 +model_name: poolformer_s36 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 120826.4482 +onnx_ops_counter: + Add: 180 + AveragePool: 36 + Constant: 324 + Conv: 76 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 72 + LayerNormalization: 1 + Mul: 216 + Reshape: 144 + Shape: 72 + Sub: 36 + Transpose: 2 +parameters: 30862760 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/poolformer_s36_Opset18_timm/poolformer_s36_Opset18.onnx b/Computer_Vision/poolformer_s36_Opset18_timm/poolformer_s36_Opset18.onnx new file mode 100644 index 000000000..347aee6b1 --- /dev/null +++ b/Computer_Vision/poolformer_s36_Opset18_timm/poolformer_s36_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5cb105669d3d7b1b8fb5c7257d68c1bcbc220f1a070f8cd504a83540c7f4abe7 +size 123726250 diff --git a/Computer_Vision/poolformer_s36_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/poolformer_s36_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..82569f0be --- /dev/null +++ b/Computer_Vision/poolformer_s36_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.660170078277588 + set_success: 0.02144336700439453 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/poolformer_s36_timm_79329559/onnx/poolformer_s36_timm_79329559-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/poolformer_s36.py +class: MetaFormer +hash: bff42fd3 +model_name: poolformer_s36 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 120826.4482 +onnx_ops_counter: + Add: 180 + AveragePool: 36 + Constant: 324 + Conv: 76 + Div: 36 + Erf: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + InstanceNormalization: 72 + LayerNormalization: 1 + Mul: 216 + Reshape: 144 + Shape: 72 + Sub: 36 + Transpose: 2 +parameters: 30862760 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_x_16gf_Opset16_torch_hub/regnet_x_16gf_Opset16.onnx b/Computer_Vision/regnet_x_16gf_Opset16_torch_hub/regnet_x_16gf_Opset16.onnx new file mode 100644 index 000000000..d2a6c40f2 --- /dev/null +++ b/Computer_Vision/regnet_x_16gf_Opset16_torch_hub/regnet_x_16gf_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dbeba430d5389991d37cd7ae345c99b1b5eb80b74e7cb6d29aa69f7e71a95d58 +size 216931938 diff --git a/Computer_Vision/regnet_x_16gf_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_x_16gf_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..8aa7ee26f --- /dev/null +++ b/Computer_Vision/regnet_x_16gf_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.1752848625183105 + set_success: 0.019044160842895508 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_x_16gf_torch_hub_b1d13d76/onnx/regnet_x_16gf_torch_hub_b1d13d76-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_x_16gf.py +class: RegNet +hash: 90fe350f +model_name: regnet_x_16gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 211847.6279 +onnx_ops_counter: + Add: 22 + Conv: 71 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 67 +parameters: 54278536 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_x_16gf_Opset17_torch_hub/regnet_x_16gf_Opset17.onnx b/Computer_Vision/regnet_x_16gf_Opset17_torch_hub/regnet_x_16gf_Opset17.onnx new file mode 100644 index 000000000..1545c0df8 --- /dev/null +++ b/Computer_Vision/regnet_x_16gf_Opset17_torch_hub/regnet_x_16gf_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db413dd34c12839a6b56c37dcebd3c03984b642b363c08df0ef44b1a8eefd5d4 +size 216931938 diff --git a/Computer_Vision/regnet_x_16gf_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_x_16gf_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..5bc20be15 --- /dev/null +++ b/Computer_Vision/regnet_x_16gf_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.3345911502838135 + set_success: 0.018114805221557617 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_x_16gf_torch_hub_b1d13d76/onnx/regnet_x_16gf_torch_hub_b1d13d76-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_x_16gf.py +class: RegNet +hash: 90fe350f +model_name: regnet_x_16gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 211847.6279 +onnx_ops_counter: + Add: 22 + Conv: 71 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 67 +parameters: 54278536 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_x_16gf_Opset18_torch_hub/regnet_x_16gf_Opset18.onnx b/Computer_Vision/regnet_x_16gf_Opset18_torch_hub/regnet_x_16gf_Opset18.onnx new file mode 100644 index 000000000..7b4ed0d06 --- /dev/null +++ b/Computer_Vision/regnet_x_16gf_Opset18_torch_hub/regnet_x_16gf_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adf122020463fed0e93584cd550e48fabd76bb554a4dd752cbaa668cd6788565 +size 216931938 diff --git a/Computer_Vision/regnet_x_16gf_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_x_16gf_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..3c87d796c --- /dev/null +++ b/Computer_Vision/regnet_x_16gf_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.2359955310821533 + set_success: 0.01996636390686035 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_x_16gf_torch_hub_b1d13d76/onnx/regnet_x_16gf_torch_hub_b1d13d76-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_x_16gf.py +class: RegNet +hash: 90fe350f +model_name: regnet_x_16gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 211847.6279 +onnx_ops_counter: + Add: 22 + Conv: 71 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 67 +parameters: 54278536 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_x_1_6gf_Opset16_torch_hub/regnet_x_1_6gf_Opset16.onnx b/Computer_Vision/regnet_x_1_6gf_Opset16_torch_hub/regnet_x_1_6gf_Opset16.onnx new file mode 100644 index 000000000..6e3b3b42b --- /dev/null +++ b/Computer_Vision/regnet_x_1_6gf_Opset16_torch_hub/regnet_x_1_6gf_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e08033bf096ce88456e77ec50fa94f1b7e4335bed9a28f2941078b09e955ac68 +size 36706601 diff --git a/Computer_Vision/regnet_x_1_6gf_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_x_1_6gf_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..096351aed --- /dev/null +++ b/Computer_Vision/regnet_x_1_6gf_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2812268733978271 + set_success: 0.016633272171020508 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_x_1_6gf_torch_hub_1cc0f6f1/onnx/regnet_x_1_6gf_torch_hub_1cc0f6f1-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_x_1_6gf.py +class: RegNet +hash: 9b6af29e +model_name: regnet_x_1_6gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 35846.3223 +onnx_ops_counter: + Add: 18 + Conv: 59 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 55 +parameters: 9190136 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_x_1_6gf_Opset17_torch_hub/regnet_x_1_6gf_Opset17.onnx b/Computer_Vision/regnet_x_1_6gf_Opset17_torch_hub/regnet_x_1_6gf_Opset17.onnx new file mode 100644 index 000000000..1e7d64825 --- /dev/null +++ b/Computer_Vision/regnet_x_1_6gf_Opset17_torch_hub/regnet_x_1_6gf_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d9999021dd7093ebfd67a97f5b0e07f9e6a2d9a024af327d6d76267cc0bb1cb +size 36706601 diff --git a/Computer_Vision/regnet_x_1_6gf_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_x_1_6gf_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..1ddfd937a --- /dev/null +++ b/Computer_Vision/regnet_x_1_6gf_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2258026599884033 + set_success: 0.015651464462280273 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_x_1_6gf_torch_hub_1cc0f6f1/onnx/regnet_x_1_6gf_torch_hub_1cc0f6f1-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_x_1_6gf.py +class: RegNet +hash: 9b6af29e +model_name: regnet_x_1_6gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 35846.3223 +onnx_ops_counter: + Add: 18 + Conv: 59 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 55 +parameters: 9190136 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_x_1_6gf_Opset18_torch_hub/regnet_x_1_6gf_Opset18.onnx b/Computer_Vision/regnet_x_1_6gf_Opset18_torch_hub/regnet_x_1_6gf_Opset18.onnx new file mode 100644 index 000000000..243c1a5eb --- /dev/null +++ b/Computer_Vision/regnet_x_1_6gf_Opset18_torch_hub/regnet_x_1_6gf_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:95708e3ca8c6433090cccc2c459ca300d2fab082302c0cb8e0770aebc8e5d65f +size 36706601 diff --git a/Computer_Vision/regnet_x_1_6gf_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_x_1_6gf_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..8d3ceaf29 --- /dev/null +++ b/Computer_Vision/regnet_x_1_6gf_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.217956304550171 + set_success: 0.016963720321655273 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_x_1_6gf_torch_hub_1cc0f6f1/onnx/regnet_x_1_6gf_torch_hub_1cc0f6f1-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_x_1_6gf.py +class: RegNet +hash: 9b6af29e +model_name: regnet_x_1_6gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 35846.3223 +onnx_ops_counter: + Add: 18 + Conv: 59 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 55 +parameters: 9190136 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_x_32gf_Opset16_torch_hub/regnet_x_32gf_Opset16.onnx b/Computer_Vision/regnet_x_32gf_Opset16_torch_hub/regnet_x_32gf_Opset16.onnx new file mode 100644 index 000000000..adf48216c --- /dev/null +++ b/Computer_Vision/regnet_x_32gf_Opset16_torch_hub/regnet_x_32gf_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c6f5138bbc1fd612e77f0c448d6d8c4ba3a02497b37492301db477cc3166015 +size 430964062 diff --git a/Computer_Vision/regnet_x_32gf_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_x_32gf_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..2bf925562 --- /dev/null +++ b/Computer_Vision/regnet_x_32gf_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.618474960327148 + set_success: 0.01933741569519043 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_x_32gf_torch_hub_2bc57696/onnx/regnet_x_32gf_torch_hub_2bc57696-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_x_32gf.py +class: RegNet +hash: 024939e4 +model_name: regnet_x_32gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 420863.374 +onnx_ops_counter: + Add: 23 + Conv: 74 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 70 +parameters: 107811560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_x_32gf_Opset17_torch_hub/regnet_x_32gf_Opset17.onnx b/Computer_Vision/regnet_x_32gf_Opset17_torch_hub/regnet_x_32gf_Opset17.onnx new file mode 100644 index 000000000..af2c968bd --- /dev/null +++ b/Computer_Vision/regnet_x_32gf_Opset17_torch_hub/regnet_x_32gf_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c45c3f8e15dba197bdd54d48ee3378847c5b512a3ce559f597a21f71ce46c47 +size 430964062 diff --git a/Computer_Vision/regnet_x_32gf_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_x_32gf_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..936014a62 --- /dev/null +++ b/Computer_Vision/regnet_x_32gf_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.410156011581421 + set_success: 0.022571325302124023 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_x_32gf_torch_hub_2bc57696/onnx/regnet_x_32gf_torch_hub_2bc57696-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_x_32gf.py +class: RegNet +hash: 024939e4 +model_name: regnet_x_32gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 420863.374 +onnx_ops_counter: + Add: 23 + Conv: 74 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 70 +parameters: 107811560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_x_32gf_Opset18_torch_hub/regnet_x_32gf_Opset18.onnx b/Computer_Vision/regnet_x_32gf_Opset18_torch_hub/regnet_x_32gf_Opset18.onnx new file mode 100644 index 000000000..bd7481b6f --- /dev/null +++ b/Computer_Vision/regnet_x_32gf_Opset18_torch_hub/regnet_x_32gf_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03d2625d02b1776cb0521585e7616a71ce3fd132f0cb927e9500a521bdb869d3 +size 430964062 diff --git a/Computer_Vision/regnet_x_32gf_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_x_32gf_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..16f80d68e --- /dev/null +++ b/Computer_Vision/regnet_x_32gf_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.605059623718262 + set_success: 0.02395939826965332 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_x_32gf_torch_hub_2bc57696/onnx/regnet_x_32gf_torch_hub_2bc57696-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_x_32gf.py +class: RegNet +hash: 024939e4 +model_name: regnet_x_32gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 420863.374 +onnx_ops_counter: + Add: 23 + Conv: 74 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 70 +parameters: 107811560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_x_3_2gf_Opset16_torch_hub/regnet_x_3_2gf_Opset16.onnx b/Computer_Vision/regnet_x_3_2gf_Opset16_torch_hub/regnet_x_3_2gf_Opset16.onnx new file mode 100644 index 000000000..159cfa6cb --- /dev/null +++ b/Computer_Vision/regnet_x_3_2gf_Opset16_torch_hub/regnet_x_3_2gf_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:00a2231b33678fa58653921345632052832ad8741b51f6c24d60b63d54f42fea +size 61106275 diff --git a/Computer_Vision/regnet_x_3_2gf_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_x_3_2gf_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..9f63525d8 --- /dev/null +++ b/Computer_Vision/regnet_x_3_2gf_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.837907314300537 + set_success: 0.017348289489746094 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_x_3_2gf_torch_hub_9bc34252/onnx/regnet_x_3_2gf_torch_hub_9bc34252-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_x_3_2gf.py +class: RegNet +hash: 731da922 +model_name: regnet_x_3_2gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 59674.1289 +onnx_ops_counter: + Add: 25 + Conv: 80 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 76 +parameters: 15296552 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_x_3_2gf_Opset17_torch_hub/regnet_x_3_2gf_Opset17.onnx b/Computer_Vision/regnet_x_3_2gf_Opset17_torch_hub/regnet_x_3_2gf_Opset17.onnx new file mode 100644 index 000000000..ce8be8f5a --- /dev/null +++ b/Computer_Vision/regnet_x_3_2gf_Opset17_torch_hub/regnet_x_3_2gf_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9aef35f36fe966fb6158170b1443fbcc99ba338b8a9661ed63f6faad8eb33eed +size 61106275 diff --git a/Computer_Vision/regnet_x_3_2gf_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_x_3_2gf_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..4724dc69c --- /dev/null +++ b/Computer_Vision/regnet_x_3_2gf_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8394312858581543 + set_success: 0.01775336265563965 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_x_3_2gf_torch_hub_9bc34252/onnx/regnet_x_3_2gf_torch_hub_9bc34252-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_x_3_2gf.py +class: RegNet +hash: 731da922 +model_name: regnet_x_3_2gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 59674.1289 +onnx_ops_counter: + Add: 25 + Conv: 80 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 76 +parameters: 15296552 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_x_3_2gf_Opset18_torch_hub/regnet_x_3_2gf_Opset18.onnx b/Computer_Vision/regnet_x_3_2gf_Opset18_torch_hub/regnet_x_3_2gf_Opset18.onnx new file mode 100644 index 000000000..f0da3a561 --- /dev/null +++ b/Computer_Vision/regnet_x_3_2gf_Opset18_torch_hub/regnet_x_3_2gf_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f62a3a2cbb0d336b391703f87f64a931c8d529acecf20d626e14ee38bd3680d5 +size 61106275 diff --git a/Computer_Vision/regnet_x_3_2gf_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_x_3_2gf_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..caaebe683 --- /dev/null +++ b/Computer_Vision/regnet_x_3_2gf_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9384469985961914 + set_success: 0.020709753036499023 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_x_3_2gf_torch_hub_9bc34252/onnx/regnet_x_3_2gf_torch_hub_9bc34252-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_x_3_2gf.py +class: RegNet +hash: 731da922 +model_name: regnet_x_3_2gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 59674.1289 +onnx_ops_counter: + Add: 25 + Conv: 80 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 76 +parameters: 15296552 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_x_400mf_Opset16_torch_hub/regnet_x_400mf_Opset16.onnx b/Computer_Vision/regnet_x_400mf_Opset16_torch_hub/regnet_x_400mf_Opset16.onnx new file mode 100644 index 000000000..f8a0a64ab --- /dev/null +++ b/Computer_Vision/regnet_x_400mf_Opset16_torch_hub/regnet_x_400mf_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7814aa23917d71ae9c3abf967862ae6d6fd67566c2a0250e4c6a3358d15319e3 +size 21948139 diff --git a/Computer_Vision/regnet_x_400mf_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_x_400mf_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..e7e508dd2 --- /dev/null +++ b/Computer_Vision/regnet_x_400mf_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2184951305389404 + set_success: 0.01611924171447754 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_x_400mf_torch_hub_313a1512/onnx/regnet_x_400mf_torch_hub_313a1512-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_x_400mf.py +class: RegNet +hash: 08b8712e +model_name: regnet_x_400mf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 21433.7617 +onnx_ops_counter: + Add: 22 + Conv: 71 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 67 +parameters: 5495976 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_x_400mf_Opset17_torch_hub/regnet_x_400mf_Opset17.onnx b/Computer_Vision/regnet_x_400mf_Opset17_torch_hub/regnet_x_400mf_Opset17.onnx new file mode 100644 index 000000000..cd2563980 --- /dev/null +++ b/Computer_Vision/regnet_x_400mf_Opset17_torch_hub/regnet_x_400mf_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:710ca1ab5d0e17be072273913c621940f5299a19ee407dcb8c3708a1c73232c0 +size 21948139 diff --git a/Computer_Vision/regnet_x_400mf_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_x_400mf_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..ea222db31 --- /dev/null +++ b/Computer_Vision/regnet_x_400mf_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.204810380935669 + set_success: 0.01719069480895996 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_x_400mf_torch_hub_313a1512/onnx/regnet_x_400mf_torch_hub_313a1512-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_x_400mf.py +class: RegNet +hash: 08b8712e +model_name: regnet_x_400mf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 21433.7617 +onnx_ops_counter: + Add: 22 + Conv: 71 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 67 +parameters: 5495976 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_x_400mf_Opset18_torch_hub/regnet_x_400mf_Opset18.onnx b/Computer_Vision/regnet_x_400mf_Opset18_torch_hub/regnet_x_400mf_Opset18.onnx new file mode 100644 index 000000000..db1ab7e68 --- /dev/null +++ b/Computer_Vision/regnet_x_400mf_Opset18_torch_hub/regnet_x_400mf_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe183a1fec70f3a5073d8b583b23129f1494f12982725d8c641b35e4b50f4981 +size 21948139 diff --git a/Computer_Vision/regnet_x_400mf_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_x_400mf_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..475f03bf1 --- /dev/null +++ b/Computer_Vision/regnet_x_400mf_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2259118556976318 + set_success: 0.016391992568969727 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_x_400mf_torch_hub_313a1512/onnx/regnet_x_400mf_torch_hub_313a1512-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_x_400mf.py +class: RegNet +hash: 08b8712e +model_name: regnet_x_400mf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 21433.7617 +onnx_ops_counter: + Add: 22 + Conv: 71 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 67 +parameters: 5495976 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_x_800mf_Opset16_torch_hub/regnet_x_800mf_Opset16.onnx b/Computer_Vision/regnet_x_800mf_Opset16_torch_hub/regnet_x_800mf_Opset16.onnx new file mode 100644 index 000000000..743043306 --- /dev/null +++ b/Computer_Vision/regnet_x_800mf_Opset16_torch_hub/regnet_x_800mf_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d3f1bf5c8d450b1dced670e686ccb03f3ff69975ac3b515d8058c2811b6dc50 +size 28993635 diff --git a/Computer_Vision/regnet_x_800mf_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_x_800mf_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..034b28b23 --- /dev/null +++ b/Computer_Vision/regnet_x_800mf_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9949085712432861 + set_success: 0.015554666519165039 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_x_800mf_torch_hub_fe8d7886/onnx/regnet_x_800mf_torch_hub_fe8d7886-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_x_800mf.py +class: RegNet +hash: 1e12c62e +model_name: regnet_x_800mf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 28314.1289 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 49 +parameters: 7259656 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_x_800mf_Opset17_torch_hub/regnet_x_800mf_Opset17.onnx b/Computer_Vision/regnet_x_800mf_Opset17_torch_hub/regnet_x_800mf_Opset17.onnx new file mode 100644 index 000000000..8db0fe2c7 --- /dev/null +++ b/Computer_Vision/regnet_x_800mf_Opset17_torch_hub/regnet_x_800mf_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03203b66a0f17982202f33e55f43a79dea3efce26d7682e1bdf50a5a9b1309d6 +size 28993635 diff --git a/Computer_Vision/regnet_x_800mf_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_x_800mf_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..5916de912 --- /dev/null +++ b/Computer_Vision/regnet_x_800mf_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1705989837646484 + set_success: 0.020511150360107422 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_x_800mf_torch_hub_fe8d7886/onnx/regnet_x_800mf_torch_hub_fe8d7886-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_x_800mf.py +class: RegNet +hash: 1e12c62e +model_name: regnet_x_800mf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 28314.1289 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 49 +parameters: 7259656 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_x_800mf_Opset18_torch_hub/regnet_x_800mf_Opset18.onnx b/Computer_Vision/regnet_x_800mf_Opset18_torch_hub/regnet_x_800mf_Opset18.onnx new file mode 100644 index 000000000..2f640690e --- /dev/null +++ b/Computer_Vision/regnet_x_800mf_Opset18_torch_hub/regnet_x_800mf_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:41c9ab79a6f621cf54e92b880b1047b28c56ce5b148646679632ff44c9536ee1 +size 28993635 diff --git a/Computer_Vision/regnet_x_800mf_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_x_800mf_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..4c289eda7 --- /dev/null +++ b/Computer_Vision/regnet_x_800mf_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.0107691287994385 + set_success: 0.0170896053314209 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_x_800mf_torch_hub_fe8d7886/onnx/regnet_x_800mf_torch_hub_fe8d7886-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_x_800mf.py +class: RegNet +hash: 1e12c62e +model_name: regnet_x_800mf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 28314.1289 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 49 +parameters: 7259656 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_x_8gf_Opset16_torch_hub/regnet_x_8gf_Opset16.onnx b/Computer_Vision/regnet_x_8gf_Opset16_torch_hub/regnet_x_8gf_Opset16.onnx new file mode 100644 index 000000000..de2b17162 --- /dev/null +++ b/Computer_Vision/regnet_x_8gf_Opset16_torch_hub/regnet_x_8gf_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bac50dc6c81f3e4c7671f17c9ac4f708a766aa0d0dd43f70e33f861d199bdd1a +size 158151451 diff --git a/Computer_Vision/regnet_x_8gf_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_x_8gf_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..98c6c7907 --- /dev/null +++ b/Computer_Vision/regnet_x_8gf_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.751880407333374 + set_success: 0.016138076782226562 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_x_8gf_torch_hub_37ab69f3/onnx/regnet_x_8gf_torch_hub_37ab69f3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_x_8gf.py +class: RegNet +hash: 26bfacd7 +model_name: regnet_x_8gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 154444.8086 +onnx_ops_counter: + Add: 23 + Conv: 74 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 70 +parameters: 39572648 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_x_8gf_Opset17_torch_hub/regnet_x_8gf_Opset17.onnx b/Computer_Vision/regnet_x_8gf_Opset17_torch_hub/regnet_x_8gf_Opset17.onnx new file mode 100644 index 000000000..fb7b96518 --- /dev/null +++ b/Computer_Vision/regnet_x_8gf_Opset17_torch_hub/regnet_x_8gf_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:17f8375b5aa7ad8fa4d4c2e6ce24eddd1eb6f782ecb8ef6d8efca04a777d75cb +size 158151451 diff --git a/Computer_Vision/regnet_x_8gf_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_x_8gf_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..3ed06df67 --- /dev/null +++ b/Computer_Vision/regnet_x_8gf_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.8159639835357666 + set_success: 0.017047405242919922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_x_8gf_torch_hub_37ab69f3/onnx/regnet_x_8gf_torch_hub_37ab69f3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_x_8gf.py +class: RegNet +hash: 26bfacd7 +model_name: regnet_x_8gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 154444.8086 +onnx_ops_counter: + Add: 23 + Conv: 74 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 70 +parameters: 39572648 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_x_8gf_Opset18_torch_hub/regnet_x_8gf_Opset18.onnx b/Computer_Vision/regnet_x_8gf_Opset18_torch_hub/regnet_x_8gf_Opset18.onnx new file mode 100644 index 000000000..5a2740b5a --- /dev/null +++ b/Computer_Vision/regnet_x_8gf_Opset18_torch_hub/regnet_x_8gf_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bb0729b4840828517ac0cd6b411b662e94e3cb42a790aca558c4442b0dfc0b3f +size 158151451 diff --git a/Computer_Vision/regnet_x_8gf_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_x_8gf_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..bf8daa362 --- /dev/null +++ b/Computer_Vision/regnet_x_8gf_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.880599021911621 + set_success: 0.01724410057067871 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_x_8gf_torch_hub_37ab69f3/onnx/regnet_x_8gf_torch_hub_37ab69f3-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_x_8gf.py +class: RegNet +hash: 26bfacd7 +model_name: regnet_x_8gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 154444.8086 +onnx_ops_counter: + Add: 23 + Conv: 74 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 70 +parameters: 39572648 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_y_128gf_Opset16_torch_hub/regnet_y_128gf_Opset16.tar.gz b/Computer_Vision/regnet_y_128gf_Opset16_torch_hub/regnet_y_128gf_Opset16.tar.gz new file mode 100644 index 000000000..d1a95a57a --- /dev/null +++ b/Computer_Vision/regnet_y_128gf_Opset16_torch_hub/regnet_y_128gf_Opset16.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47bb1a31ed249a7366ad95695034e5507c4672f793f71d80c09309777ff159ea +size 2342050306 diff --git a/Computer_Vision/regnet_y_128gf_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_y_128gf_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..beda35bcf --- /dev/null +++ b/Computer_Vision/regnet_y_128gf_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.7123281955719 + set_success: 0.023838281631469727 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_y_128gf_torch_hub_6971f6f8/onnx/regnet_y_128gf_torch_hub_6971f6f8-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_y_128gf.py +class: RegNet +hash: a2a92eba +model_name: regnet_y_128gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): null +onnx_ops_counter: + Add: 27 + Conv: 140 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 28 + Mul: 27 + Relu: 109 + Sigmoid: 27 +parameters: 644812894 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_y_128gf_Opset17_torch_hub/regnet_y_128gf_Opset17.tar.gz b/Computer_Vision/regnet_y_128gf_Opset17_torch_hub/regnet_y_128gf_Opset17.tar.gz new file mode 100644 index 000000000..37690618a --- /dev/null +++ b/Computer_Vision/regnet_y_128gf_Opset17_torch_hub/regnet_y_128gf_Opset17.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e42cef82cf9827db4d7ab73ee22db0ac91653cbc4d6d874526a54aba3112ec63 +size 2342050062 diff --git a/Computer_Vision/regnet_y_128gf_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_y_128gf_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..76467dc1e --- /dev/null +++ b/Computer_Vision/regnet_y_128gf_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.46139407157898 + set_success: 0.02570939064025879 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_y_128gf_torch_hub_6971f6f8/onnx/regnet_y_128gf_torch_hub_6971f6f8-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_y_128gf.py +class: RegNet +hash: a2a92eba +model_name: regnet_y_128gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): null +onnx_ops_counter: + Add: 27 + Conv: 140 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 28 + Mul: 27 + Relu: 109 + Sigmoid: 27 +parameters: 644812894 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_y_128gf_Opset18_torch_hub/regnet_y_128gf_Opset18.tar.gz b/Computer_Vision/regnet_y_128gf_Opset18_torch_hub/regnet_y_128gf_Opset18.tar.gz new file mode 100644 index 000000000..e3347aef8 --- /dev/null +++ b/Computer_Vision/regnet_y_128gf_Opset18_torch_hub/regnet_y_128gf_Opset18.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dca3371b5c922548f01240317c479bd2a019e1aa48d51182807897210cf062fc +size 2342049803 diff --git a/Computer_Vision/regnet_y_128gf_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_y_128gf_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..ee16f6134 --- /dev/null +++ b/Computer_Vision/regnet_y_128gf_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.263391017913818 + set_success: 0.025403976440429688 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_y_128gf_torch_hub_6971f6f8/onnx/regnet_y_128gf_torch_hub_6971f6f8-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_y_128gf.py +class: RegNet +hash: a2a92eba +model_name: regnet_y_128gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): null +onnx_ops_counter: + Add: 27 + Conv: 140 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 28 + Mul: 27 + Relu: 109 + Sigmoid: 27 +parameters: 644812894 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_y_16gf_Opset16_torch_hub/regnet_y_16gf_Opset16.onnx b/Computer_Vision/regnet_y_16gf_Opset16_torch_hub/regnet_y_16gf_Opset16.onnx new file mode 100644 index 000000000..12c1b76fb --- /dev/null +++ b/Computer_Vision/regnet_y_16gf_Opset16_torch_hub/regnet_y_16gf_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5be01c1137d21fa647de811f82e7cab28d437bac0544e2d47c28af7b6bcff7b7 +size 334179703 diff --git a/Computer_Vision/regnet_y_16gf_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_y_16gf_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..784beb782 --- /dev/null +++ b/Computer_Vision/regnet_y_16gf_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.029901742935181 + set_success: 0.0262298583984375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_y_16gf_torch_hub_d0046666/onnx/regnet_y_16gf_torch_hub_d0046666-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_y_16gf.py +class: RegNet +hash: a44f744c +model_name: regnet_y_16gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 326347.3984 +onnx_ops_counter: + Add: 18 + Conv: 95 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 19 + Mul: 18 + Relu: 73 + Sigmoid: 18 +parameters: 83590140 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_y_16gf_Opset17_torch_hub/regnet_y_16gf_Opset17.onnx b/Computer_Vision/regnet_y_16gf_Opset17_torch_hub/regnet_y_16gf_Opset17.onnx new file mode 100644 index 000000000..aa0856b99 --- /dev/null +++ b/Computer_Vision/regnet_y_16gf_Opset17_torch_hub/regnet_y_16gf_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8c52bce7b46dbd5dbf8b56ec30653c652698cd53faafe58c9b986885b70d6c5 +size 334179703 diff --git a/Computer_Vision/regnet_y_16gf_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_y_16gf_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..c3b095d6f --- /dev/null +++ b/Computer_Vision/regnet_y_16gf_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.777944564819336 + set_success: 0.018693923950195312 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_y_16gf_torch_hub_d0046666/onnx/regnet_y_16gf_torch_hub_d0046666-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_y_16gf.py +class: RegNet +hash: a44f744c +model_name: regnet_y_16gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 326347.3984 +onnx_ops_counter: + Add: 18 + Conv: 95 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 19 + Mul: 18 + Relu: 73 + Sigmoid: 18 +parameters: 83590140 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_y_16gf_Opset18_torch_hub/regnet_y_16gf_Opset18.onnx b/Computer_Vision/regnet_y_16gf_Opset18_torch_hub/regnet_y_16gf_Opset18.onnx new file mode 100644 index 000000000..57cf6404c --- /dev/null +++ b/Computer_Vision/regnet_y_16gf_Opset18_torch_hub/regnet_y_16gf_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0aa5222812fe0cd8027164a617c8f139578df46648e738fe8912cd8c08bfabc +size 334179703 diff --git a/Computer_Vision/regnet_y_16gf_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_y_16gf_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..3a8229d70 --- /dev/null +++ b/Computer_Vision/regnet_y_16gf_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.8036723136901855 + set_success: 0.020957469940185547 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_y_16gf_torch_hub_d0046666/onnx/regnet_y_16gf_torch_hub_d0046666-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_y_16gf.py +class: RegNet +hash: a44f744c +model_name: regnet_y_16gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 326347.3984 +onnx_ops_counter: + Add: 18 + Conv: 95 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 19 + Mul: 18 + Relu: 73 + Sigmoid: 18 +parameters: 83590140 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_y_1_6gf_Opset16_torch_hub/regnet_y_1_6gf_Opset16.onnx b/Computer_Vision/regnet_y_1_6gf_Opset16_torch_hub/regnet_y_1_6gf_Opset16.onnx new file mode 100644 index 000000000..29a507b59 --- /dev/null +++ b/Computer_Vision/regnet_y_1_6gf_Opset16_torch_hub/regnet_y_1_6gf_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:be0aa4e78f1a3525bd3b25e33eb15de7dd51e93e7227fedd6c51b1d78d78c17c +size 44800756 diff --git a/Computer_Vision/regnet_y_1_6gf_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_y_1_6gf_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..0648b806d --- /dev/null +++ b/Computer_Vision/regnet_y_1_6gf_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.625441551208496 + set_success: 0.016733646392822266 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_y_1_6gf_torch_hub_2bb1fdb5/onnx/regnet_y_1_6gf_torch_hub_2bb1fdb5-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_y_1_6gf.py +class: RegNet +hash: 993181bc +model_name: regnet_y_1_6gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 43750.7705 +onnx_ops_counter: + Add: 27 + Conv: 140 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 28 + Mul: 27 + Relu: 109 + Sigmoid: 27 +parameters: 11202430 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_y_1_6gf_Opset17_torch_hub/regnet_y_1_6gf_Opset17.onnx b/Computer_Vision/regnet_y_1_6gf_Opset17_torch_hub/regnet_y_1_6gf_Opset17.onnx new file mode 100644 index 000000000..1e0bd5601 --- /dev/null +++ b/Computer_Vision/regnet_y_1_6gf_Opset17_torch_hub/regnet_y_1_6gf_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a95af56a6ba87afb1565b778163f7fbc5f784e80edfe1d3439fabb27c47c26e +size 44800756 diff --git a/Computer_Vision/regnet_y_1_6gf_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_y_1_6gf_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..b6ebf8a95 --- /dev/null +++ b/Computer_Vision/regnet_y_1_6gf_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.7763655185699463 + set_success: 0.01874518394470215 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_y_1_6gf_torch_hub_2bb1fdb5/onnx/regnet_y_1_6gf_torch_hub_2bb1fdb5-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_y_1_6gf.py +class: RegNet +hash: 993181bc +model_name: regnet_y_1_6gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 43750.7705 +onnx_ops_counter: + Add: 27 + Conv: 140 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 28 + Mul: 27 + Relu: 109 + Sigmoid: 27 +parameters: 11202430 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_y_1_6gf_Opset18_torch_hub/regnet_y_1_6gf_Opset18.onnx b/Computer_Vision/regnet_y_1_6gf_Opset18_torch_hub/regnet_y_1_6gf_Opset18.onnx new file mode 100644 index 000000000..188a3c028 --- /dev/null +++ b/Computer_Vision/regnet_y_1_6gf_Opset18_torch_hub/regnet_y_1_6gf_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:97376b48b1b129df932abf95d6ad3525b2810e2a4a1dd73a7d141f0fe3bcc132 +size 44800756 diff --git a/Computer_Vision/regnet_y_1_6gf_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_y_1_6gf_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..5bef72aef --- /dev/null +++ b/Computer_Vision/regnet_y_1_6gf_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.7058706283569336 + set_success: 0.018990278244018555 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_y_1_6gf_torch_hub_2bb1fdb5/onnx/regnet_y_1_6gf_torch_hub_2bb1fdb5-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_y_1_6gf.py +class: RegNet +hash: 993181bc +model_name: regnet_y_1_6gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 43750.7705 +onnx_ops_counter: + Add: 27 + Conv: 140 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 28 + Mul: 27 + Relu: 109 + Sigmoid: 27 +parameters: 11202430 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_y_32gf_Opset16_torch_hub/regnet_y_32gf_Opset16.onnx b/Computer_Vision/regnet_y_32gf_Opset16_torch_hub/regnet_y_32gf_Opset16.onnx new file mode 100644 index 000000000..06b412f1b --- /dev/null +++ b/Computer_Vision/regnet_y_32gf_Opset16_torch_hub/regnet_y_32gf_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3330d07550441dbec2998078ac7f2425caedbe390fcb88186c461a7ec8f891da +size 579942322 diff --git a/Computer_Vision/regnet_y_32gf_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_y_32gf_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..8e951e032 --- /dev/null +++ b/Computer_Vision/regnet_y_32gf_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.328115224838257 + set_success: 0.021279573440551758 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_y_32gf_torch_hub_44fe687a/onnx/regnet_y_32gf_torch_hub_44fe687a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_y_32gf.py +class: RegNet +hash: 16e3920e +model_name: regnet_y_32gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 566349.9561 +onnx_ops_counter: + Add: 20 + Conv: 105 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 21 + Mul: 20 + Relu: 81 + Sigmoid: 20 +parameters: 145046770 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_y_32gf_Opset17_torch_hub/regnet_y_32gf_Opset17.onnx b/Computer_Vision/regnet_y_32gf_Opset17_torch_hub/regnet_y_32gf_Opset17.onnx new file mode 100644 index 000000000..3da112288 --- /dev/null +++ b/Computer_Vision/regnet_y_32gf_Opset17_torch_hub/regnet_y_32gf_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d0d562fdfc1285395a5c3647176fab8f99b590517f77fb651deb893cd9a3b27 +size 579942322 diff --git a/Computer_Vision/regnet_y_32gf_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_y_32gf_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..8300eb4f7 --- /dev/null +++ b/Computer_Vision/regnet_y_32gf_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.021933794021606 + set_success: 0.019301891326904297 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_y_32gf_torch_hub_44fe687a/onnx/regnet_y_32gf_torch_hub_44fe687a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_y_32gf.py +class: RegNet +hash: 16e3920e +model_name: regnet_y_32gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 566349.9561 +onnx_ops_counter: + Add: 20 + Conv: 105 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 21 + Mul: 20 + Relu: 81 + Sigmoid: 20 +parameters: 145046770 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_y_32gf_Opset18_torch_hub/regnet_y_32gf_Opset18.onnx b/Computer_Vision/regnet_y_32gf_Opset18_torch_hub/regnet_y_32gf_Opset18.onnx new file mode 100644 index 000000000..3e52a21c7 --- /dev/null +++ b/Computer_Vision/regnet_y_32gf_Opset18_torch_hub/regnet_y_32gf_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:711f476e0a6e28606bc514afdf56d89821774ea79c3c0dfe8e7b91cea4dadc3c +size 579942322 diff --git a/Computer_Vision/regnet_y_32gf_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_y_32gf_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..e769abc09 --- /dev/null +++ b/Computer_Vision/regnet_y_32gf_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.4321205615997314 + set_success: 0.021245241165161133 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_y_32gf_torch_hub_44fe687a/onnx/regnet_y_32gf_torch_hub_44fe687a-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_y_32gf.py +class: RegNet +hash: 16e3920e +model_name: regnet_y_32gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 566349.9561 +onnx_ops_counter: + Add: 20 + Conv: 105 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 21 + Mul: 20 + Relu: 81 + Sigmoid: 20 +parameters: 145046770 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_y_3_2gf_Opset16_torch_hub/regnet_y_3_2gf_Opset16.onnx b/Computer_Vision/regnet_y_3_2gf_Opset16_torch_hub/regnet_y_3_2gf_Opset16.onnx new file mode 100644 index 000000000..69f900b76 --- /dev/null +++ b/Computer_Vision/regnet_y_3_2gf_Opset16_torch_hub/regnet_y_3_2gf_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dab2db1448c00b2e9d42a6f39c74de35a58bf232524fca30d20067764e097063 +size 77688265 diff --git a/Computer_Vision/regnet_y_3_2gf_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_y_3_2gf_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..d488ce994 --- /dev/null +++ b/Computer_Vision/regnet_y_3_2gf_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.3765125274658203 + set_success: 0.01771831512451172 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_y_3_2gf_torch_hub_a60cc018/onnx/regnet_y_3_2gf_torch_hub_a60cc018-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_y_3_2gf.py +class: RegNet +hash: a06a50b4 +model_name: regnet_y_3_2gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 75867.4785 +onnx_ops_counter: + Add: 21 + Conv: 110 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 22 + Mul: 21 + Relu: 85 + Sigmoid: 21 +parameters: 19436338 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_y_3_2gf_Opset17_torch_hub/regnet_y_3_2gf_Opset17.onnx b/Computer_Vision/regnet_y_3_2gf_Opset17_torch_hub/regnet_y_3_2gf_Opset17.onnx new file mode 100644 index 000000000..b20d4f897 --- /dev/null +++ b/Computer_Vision/regnet_y_3_2gf_Opset17_torch_hub/regnet_y_3_2gf_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9805dbe23aaf6a0ee1b5cbf45a0a3550f9fbffb672cdd6e6aa7fc6b027af13e +size 77688265 diff --git a/Computer_Vision/regnet_y_3_2gf_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_y_3_2gf_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..532e2a52a --- /dev/null +++ b/Computer_Vision/regnet_y_3_2gf_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.4469146728515625 + set_success: 0.01694631576538086 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_y_3_2gf_torch_hub_a60cc018/onnx/regnet_y_3_2gf_torch_hub_a60cc018-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_y_3_2gf.py +class: RegNet +hash: a06a50b4 +model_name: regnet_y_3_2gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 75867.4785 +onnx_ops_counter: + Add: 21 + Conv: 110 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 22 + Mul: 21 + Relu: 85 + Sigmoid: 21 +parameters: 19436338 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_y_3_2gf_Opset18_torch_hub/regnet_y_3_2gf_Opset18.onnx b/Computer_Vision/regnet_y_3_2gf_Opset18_torch_hub/regnet_y_3_2gf_Opset18.onnx new file mode 100644 index 000000000..10183d658 --- /dev/null +++ b/Computer_Vision/regnet_y_3_2gf_Opset18_torch_hub/regnet_y_3_2gf_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe86b5dfedd2b019dc7ed270b79006e9548cba734be564650f83d9e9a0b22806 +size 77688265 diff --git a/Computer_Vision/regnet_y_3_2gf_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_y_3_2gf_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..644906b09 --- /dev/null +++ b/Computer_Vision/regnet_y_3_2gf_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.4550933837890625 + set_success: 0.018757343292236328 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_y_3_2gf_torch_hub_a60cc018/onnx/regnet_y_3_2gf_torch_hub_a60cc018-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_y_3_2gf.py +class: RegNet +hash: a06a50b4 +model_name: regnet_y_3_2gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 75867.4785 +onnx_ops_counter: + Add: 21 + Conv: 110 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 22 + Mul: 21 + Relu: 85 + Sigmoid: 21 +parameters: 19436338 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_y_400mf_Opset16_torch_hub/regnet_y_400mf_Opset16.onnx b/Computer_Vision/regnet_y_400mf_Opset16_torch_hub/regnet_y_400mf_Opset16.onnx new file mode 100644 index 000000000..0eb45878e --- /dev/null +++ b/Computer_Vision/regnet_y_400mf_Opset16_torch_hub/regnet_y_400mf_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f5b2b0390e6cb5bc74deaf95df535cfd669bae4d6be37840d9711e846ec474f1 +size 17379871 diff --git a/Computer_Vision/regnet_y_400mf_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_y_400mf_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..b2d079937 --- /dev/null +++ b/Computer_Vision/regnet_y_400mf_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2524769306182861 + set_success: 0.015565872192382812 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_y_400mf_torch_hub_9feee5bf/onnx/regnet_y_400mf_torch_hub_9feee5bf-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_y_400mf.py +class: RegNet +hash: 74d9ef17 +model_name: regnet_y_400mf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 16972.5625 +onnx_ops_counter: + Add: 16 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 17 + Mul: 16 + Relu: 65 + Sigmoid: 16 +parameters: 4344144 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_y_400mf_Opset17_torch_hub/regnet_y_400mf_Opset17.onnx b/Computer_Vision/regnet_y_400mf_Opset17_torch_hub/regnet_y_400mf_Opset17.onnx new file mode 100644 index 000000000..7fa879671 --- /dev/null +++ b/Computer_Vision/regnet_y_400mf_Opset17_torch_hub/regnet_y_400mf_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7cf201d20547f15b77c0d3d97f73fa6d2dc303eb5a09d7b99fe1414d637bda41 +size 17379871 diff --git a/Computer_Vision/regnet_y_400mf_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_y_400mf_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..403dd4570 --- /dev/null +++ b/Computer_Vision/regnet_y_400mf_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2685763835906982 + set_success: 0.0172879695892334 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_y_400mf_torch_hub_9feee5bf/onnx/regnet_y_400mf_torch_hub_9feee5bf-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_y_400mf.py +class: RegNet +hash: 74d9ef17 +model_name: regnet_y_400mf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 16972.5625 +onnx_ops_counter: + Add: 16 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 17 + Mul: 16 + Relu: 65 + Sigmoid: 16 +parameters: 4344144 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_y_400mf_Opset18_torch_hub/regnet_y_400mf_Opset18.onnx b/Computer_Vision/regnet_y_400mf_Opset18_torch_hub/regnet_y_400mf_Opset18.onnx new file mode 100644 index 000000000..33f230b10 --- /dev/null +++ b/Computer_Vision/regnet_y_400mf_Opset18_torch_hub/regnet_y_400mf_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:877e826ba6ad1ce21284e5abf8f460246b37b3ebde4c5f19277e73b8441b7452 +size 17379871 diff --git a/Computer_Vision/regnet_y_400mf_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_y_400mf_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..b99a66bbc --- /dev/null +++ b/Computer_Vision/regnet_y_400mf_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2461986541748047 + set_success: 0.015623807907104492 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_y_400mf_torch_hub_9feee5bf/onnx/regnet_y_400mf_torch_hub_9feee5bf-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_y_400mf.py +class: RegNet +hash: 74d9ef17 +model_name: regnet_y_400mf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 16972.5625 +onnx_ops_counter: + Add: 16 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 17 + Mul: 16 + Relu: 65 + Sigmoid: 16 +parameters: 4344144 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_y_800mf_Opset16_torch_hub/regnet_y_800mf_Opset16.onnx b/Computer_Vision/regnet_y_800mf_Opset16_torch_hub/regnet_y_800mf_Opset16.onnx new file mode 100644 index 000000000..09f8372c5 --- /dev/null +++ b/Computer_Vision/regnet_y_800mf_Opset16_torch_hub/regnet_y_800mf_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2db89c1a37a8208ca69fb30839b54b1dcc0675c3acf789e8060ca1551f6bcb77 +size 25719909 diff --git a/Computer_Vision/regnet_y_800mf_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_y_800mf_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..16095a45f --- /dev/null +++ b/Computer_Vision/regnet_y_800mf_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1658132076263428 + set_success: 0.015376091003417969 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_y_800mf_torch_hub_e3c84c38/onnx/regnet_y_800mf_torch_hub_e3c84c38-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_y_800mf.py +class: RegNet +hash: efe4b887 +model_name: regnet_y_800mf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 25117.1309 +onnx_ops_counter: + Add: 14 + Conv: 75 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 15 + Mul: 14 + Relu: 57 + Sigmoid: 14 +parameters: 6432512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_y_800mf_Opset17_torch_hub/regnet_y_800mf_Opset17.onnx b/Computer_Vision/regnet_y_800mf_Opset17_torch_hub/regnet_y_800mf_Opset17.onnx new file mode 100644 index 000000000..390afefe0 --- /dev/null +++ b/Computer_Vision/regnet_y_800mf_Opset17_torch_hub/regnet_y_800mf_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7cc6d1ef517b315d178488a27be3025fc2276e7cbad362a8eb48214a86053267 +size 25719909 diff --git a/Computer_Vision/regnet_y_800mf_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_y_800mf_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..e5589fc4e --- /dev/null +++ b/Computer_Vision/regnet_y_800mf_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.4648051261901855 + set_success: 0.015321969985961914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_y_800mf_torch_hub_e3c84c38/onnx/regnet_y_800mf_torch_hub_e3c84c38-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_y_800mf.py +class: RegNet +hash: efe4b887 +model_name: regnet_y_800mf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 25117.1309 +onnx_ops_counter: + Add: 14 + Conv: 75 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 15 + Mul: 14 + Relu: 57 + Sigmoid: 14 +parameters: 6432512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_y_800mf_Opset18_torch_hub/regnet_y_800mf_Opset18.onnx b/Computer_Vision/regnet_y_800mf_Opset18_torch_hub/regnet_y_800mf_Opset18.onnx new file mode 100644 index 000000000..8852e53ba --- /dev/null +++ b/Computer_Vision/regnet_y_800mf_Opset18_torch_hub/regnet_y_800mf_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d37b448d3cf2f69cd69f61264ec8e6408664b03ccc3aceaf757828f2c30961be +size 25719909 diff --git a/Computer_Vision/regnet_y_800mf_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_y_800mf_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..42a9ded3b --- /dev/null +++ b/Computer_Vision/regnet_y_800mf_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1684060096740723 + set_success: 0.018010377883911133 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_y_800mf_torch_hub_e3c84c38/onnx/regnet_y_800mf_torch_hub_e3c84c38-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_y_800mf.py +class: RegNet +hash: efe4b887 +model_name: regnet_y_800mf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 25117.1309 +onnx_ops_counter: + Add: 14 + Conv: 75 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 15 + Mul: 14 + Relu: 57 + Sigmoid: 14 +parameters: 6432512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_y_8gf_Opset16_torch_hub/regnet_y_8gf_Opset16.onnx b/Computer_Vision/regnet_y_8gf_Opset16_torch_hub/regnet_y_8gf_Opset16.onnx new file mode 100644 index 000000000..0b7a5b0e7 --- /dev/null +++ b/Computer_Vision/regnet_y_8gf_Opset16_torch_hub/regnet_y_8gf_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8770e3d80c5d545c739162d9ae745b364cbf0f58939d399f27425cdda8d9c34a +size 157414052 diff --git a/Computer_Vision/regnet_y_8gf_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_y_8gf_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..b8be04c8f --- /dev/null +++ b/Computer_Vision/regnet_y_8gf_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.529937744140625 + set_success: 0.025522708892822266 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_y_8gf_torch_hub_c706c5ef/onnx/regnet_y_8gf_torch_hub_c706c5ef-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_y_8gf.py +class: RegNet +hash: 0c98c39d +model_name: regnet_y_8gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 153724.6924 +onnx_ops_counter: + Add: 17 + Conv: 90 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 18 + Mul: 17 + Relu: 69 + Sigmoid: 17 +parameters: 39381472 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_y_8gf_Opset17_torch_hub/regnet_y_8gf_Opset17.onnx b/Computer_Vision/regnet_y_8gf_Opset17_torch_hub/regnet_y_8gf_Opset17.onnx new file mode 100644 index 000000000..6797b2b08 --- /dev/null +++ b/Computer_Vision/regnet_y_8gf_Opset17_torch_hub/regnet_y_8gf_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf5be277f5c88652bff6859511f9a662144ed5faec3b1a635aed590c4830e2e1 +size 157414052 diff --git a/Computer_Vision/regnet_y_8gf_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_y_8gf_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..d4b94858c --- /dev/null +++ b/Computer_Vision/regnet_y_8gf_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.1736056804656982 + set_success: 0.018951416015625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_y_8gf_torch_hub_c706c5ef/onnx/regnet_y_8gf_torch_hub_c706c5ef-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_y_8gf.py +class: RegNet +hash: 0c98c39d +model_name: regnet_y_8gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 153724.6924 +onnx_ops_counter: + Add: 17 + Conv: 90 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 18 + Mul: 17 + Relu: 69 + Sigmoid: 17 +parameters: 39381472 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnet_y_8gf_Opset18_torch_hub/regnet_y_8gf_Opset18.onnx b/Computer_Vision/regnet_y_8gf_Opset18_torch_hub/regnet_y_8gf_Opset18.onnx new file mode 100644 index 000000000..5949acd7e --- /dev/null +++ b/Computer_Vision/regnet_y_8gf_Opset18_torch_hub/regnet_y_8gf_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f74ae0b9956e954ec0ad31ea086690befaf0e52d87b53134712deaf480a1ec7e +size 157414052 diff --git a/Computer_Vision/regnet_y_8gf_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/regnet_y_8gf_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..2effa37da --- /dev/null +++ b/Computer_Vision/regnet_y_8gf_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.9466300010681152 + set_success: 0.02138805389404297 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnet_y_8gf_torch_hub_c706c5ef/onnx/regnet_y_8gf_torch_hub_c706c5ef-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/regnet_y_8gf.py +class: RegNet +hash: 0c98c39d +model_name: regnet_y_8gf +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 153724.6924 +onnx_ops_counter: + Add: 17 + Conv: 90 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 18 + Mul: 17 + Relu: 69 + Sigmoid: 17 +parameters: 39381472 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetv_040_Opset16_timm/regnetv_040_Opset16.onnx b/Computer_Vision/regnetv_040_Opset16_timm/regnetv_040_Opset16.onnx new file mode 100644 index 000000000..110d088ef --- /dev/null +++ b/Computer_Vision/regnetv_040_Opset16_timm/regnetv_040_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d37354a6fa4789c380c019e96ceda4e98481eab9b89887960038449fcd018824 +size 82749707 diff --git a/Computer_Vision/regnetv_040_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnetv_040_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..47ce13954 --- /dev/null +++ b/Computer_Vision/regnetv_040_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.437558650970459 + set_success: 0.016761064529418945 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetv_040_timm_6059c889/onnx/regnetv_040_timm_6059c889-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetv_040.py +class: RegNet +hash: 4370b14b +model_name: regnetv_040 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 80810.293 +onnx_ops_counter: + Add: 22 + BatchNormalization: 43 + Conv: 115 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 111 + ReduceMean: 22 + Sigmoid: 111 +parameters: 20640640 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetv_040_Opset17_timm/regnetv_040_Opset17.onnx b/Computer_Vision/regnetv_040_Opset17_timm/regnetv_040_Opset17.onnx new file mode 100644 index 000000000..1d8959581 --- /dev/null +++ b/Computer_Vision/regnetv_040_Opset17_timm/regnetv_040_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c065944a28396643413de0dc233fcc3a04246be4c0fd60f1ebae7b462c34e441 +size 82749707 diff --git a/Computer_Vision/regnetv_040_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnetv_040_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e14c718cf --- /dev/null +++ b/Computer_Vision/regnetv_040_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.917144775390625 + set_success: 0.027561426162719727 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetv_040_timm_6059c889/onnx/regnetv_040_timm_6059c889-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetv_040.py +class: RegNet +hash: 4370b14b +model_name: regnetv_040 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 80810.293 +onnx_ops_counter: + Add: 22 + BatchNormalization: 43 + Conv: 115 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 111 + ReduceMean: 22 + Sigmoid: 111 +parameters: 20640640 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetv_064_Opset16_timm/regnetv_064_Opset16.onnx b/Computer_Vision/regnetv_064_Opset16_timm/regnetv_064_Opset16.onnx new file mode 100644 index 000000000..4d678342a --- /dev/null +++ b/Computer_Vision/regnetv_064_Opset16_timm/regnetv_064_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:780dde46fd1e2797a01a616fbd3606d29d97c2557c187a42202a210297a73e59 +size 122540546 diff --git a/Computer_Vision/regnetv_064_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnetv_064_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..acffac8d2 --- /dev/null +++ b/Computer_Vision/regnetv_064_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.703789472579956 + set_success: 0.02556920051574707 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetv_064_timm_080cd005/onnx/regnetv_064_timm_080cd005-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetv_064.py +class: RegNet +hash: 571f0e9a +model_name: regnetv_064 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 119668.5342 +onnx_ops_counter: + Add: 25 + AveragePool: 4 + BatchNormalization: 49 + Conv: 130 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 126 + ReduceMean: 25 + Sigmoid: 126 +parameters: 30576052 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetv_064_Opset17_timm/regnetv_064_Opset17.onnx b/Computer_Vision/regnetv_064_Opset17_timm/regnetv_064_Opset17.onnx new file mode 100644 index 000000000..5541d8090 --- /dev/null +++ b/Computer_Vision/regnetv_064_Opset17_timm/regnetv_064_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab5b653ddf08463e5e9c37312239c8f07e16586752b314467f01481a236916db +size 122540546 diff --git a/Computer_Vision/regnetv_064_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnetv_064_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6d378e93a --- /dev/null +++ b/Computer_Vision/regnetv_064_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.326212167739868 + set_success: 0.019305944442749023 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetv_064_timm_080cd005/onnx/regnetv_064_timm_080cd005-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetv_064.py +class: RegNet +hash: 571f0e9a +model_name: regnetv_064 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 119668.5342 +onnx_ops_counter: + Add: 25 + AveragePool: 4 + BatchNormalization: 49 + Conv: 130 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 126 + ReduceMean: 25 + Sigmoid: 126 +parameters: 30576052 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_002_Opset16_timm/regnetx_002_Opset16.onnx b/Computer_Vision/regnetx_002_Opset16_timm/regnetx_002_Opset16.onnx new file mode 100644 index 000000000..87b0423df --- /dev/null +++ b/Computer_Vision/regnetx_002_Opset16_timm/regnetx_002_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:653302f1ef395d38ba3763cec19453e7ebf0d9d324cd1389a7a0cdbff774a569 +size 10715664 diff --git a/Computer_Vision/regnetx_002_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_002_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..303051499 --- /dev/null +++ b/Computer_Vision/regnetx_002_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.651742696762085 + set_success: 0.017904043197631836 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_002_timm_a50e7636/onnx/regnetx_002_timm_a50e7636-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_002.py +class: RegNet +hash: 50a0cb8c +model_name: regnetx_002 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 10464.5479 +onnx_ops_counter: + Add: 13 + Conv: 44 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 40 +parameters: 2684792 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_002_Opset17_timm/regnetx_002_Opset17.onnx b/Computer_Vision/regnetx_002_Opset17_timm/regnetx_002_Opset17.onnx new file mode 100644 index 000000000..d03f6f8af --- /dev/null +++ b/Computer_Vision/regnetx_002_Opset17_timm/regnetx_002_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:28b0e850abfbbf23f6e3a11d7a5032b98d6979d9fcfca10f57ac32431a5f6f52 +size 10715664 diff --git a/Computer_Vision/regnetx_002_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_002_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..68abcd5f7 --- /dev/null +++ b/Computer_Vision/regnetx_002_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.6395246982574463 + set_success: 0.014138460159301758 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_002_timm_a50e7636/onnx/regnetx_002_timm_a50e7636-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_002.py +class: RegNet +hash: 50a0cb8c +model_name: regnetx_002 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 10464.5479 +onnx_ops_counter: + Add: 13 + Conv: 44 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 40 +parameters: 2684792 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_002_Opset18_timm/regnetx_002_Opset18.onnx b/Computer_Vision/regnetx_002_Opset18_timm/regnetx_002_Opset18.onnx new file mode 100644 index 000000000..2445fed9b --- /dev/null +++ b/Computer_Vision/regnetx_002_Opset18_timm/regnetx_002_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5883c0d2d02b875fbafc0bc32cdebcb0e380291e5342f1ce892ee81896587e2 +size 10715664 diff --git a/Computer_Vision/regnetx_002_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_002_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..70e2bc58f --- /dev/null +++ b/Computer_Vision/regnetx_002_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.6471011638641357 + set_success: 0.016092300415039062 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_002_timm_a50e7636/onnx/regnetx_002_timm_a50e7636-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_002.py +class: RegNet +hash: 50a0cb8c +model_name: regnetx_002 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 10464.5479 +onnx_ops_counter: + Add: 13 + Conv: 44 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 40 +parameters: 2684792 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_004_Opset16_timm/regnetx_004_Opset16.onnx b/Computer_Vision/regnetx_004_Opset16_timm/regnetx_004_Opset16.onnx new file mode 100644 index 000000000..6cdf7576b --- /dev/null +++ b/Computer_Vision/regnetx_004_Opset16_timm/regnetx_004_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e3426cdb8c8044747801f2b578c0d636624209289dea6e8fbf9f22f994c39c0 +size 20586118 diff --git a/Computer_Vision/regnetx_004_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_004_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..fad95e441 --- /dev/null +++ b/Computer_Vision/regnetx_004_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.16042160987854 + set_success: 0.015081405639648438 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_004_timm_049ee2b0/onnx/regnetx_004_timm_049ee2b0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_004.py +class: RegNet +hash: e07cdbb4 +model_name: regnetx_004 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 20103.6631 +onnx_ops_counter: + Add: 22 + Conv: 71 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 67 +parameters: 5157512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_004_Opset17_timm/regnetx_004_Opset17.onnx b/Computer_Vision/regnetx_004_Opset17_timm/regnetx_004_Opset17.onnx new file mode 100644 index 000000000..d3d657034 --- /dev/null +++ b/Computer_Vision/regnetx_004_Opset17_timm/regnetx_004_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a736a85eaefc9cf2c2bb59b47343bbe888198c1071defb7f0a95a7480724a494 +size 20586118 diff --git a/Computer_Vision/regnetx_004_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_004_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8f86255b5 --- /dev/null +++ b/Computer_Vision/regnetx_004_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1692016124725342 + set_success: 0.01609349250793457 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_004_timm_049ee2b0/onnx/regnetx_004_timm_049ee2b0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_004.py +class: RegNet +hash: e07cdbb4 +model_name: regnetx_004 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 20103.6631 +onnx_ops_counter: + Add: 22 + Conv: 71 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 67 +parameters: 5157512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_004_Opset18_timm/regnetx_004_Opset18.onnx b/Computer_Vision/regnetx_004_Opset18_timm/regnetx_004_Opset18.onnx new file mode 100644 index 000000000..206ecf36e --- /dev/null +++ b/Computer_Vision/regnetx_004_Opset18_timm/regnetx_004_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9dc236bf13184e477ff47fbaee2f9dc0c7ca383570bd5a38b562a1fcbd992f20 +size 20586118 diff --git a/Computer_Vision/regnetx_004_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_004_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..aeb7a906e --- /dev/null +++ b/Computer_Vision/regnetx_004_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.160768985748291 + set_success: 0.015734434127807617 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_004_timm_049ee2b0/onnx/regnetx_004_timm_049ee2b0-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_004.py +class: RegNet +hash: e07cdbb4 +model_name: regnetx_004 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 20103.6631 +onnx_ops_counter: + Add: 22 + Conv: 71 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 67 +parameters: 5157512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_006_Opset16_timm/regnetx_006_Opset16.onnx b/Computer_Vision/regnetx_006_Opset16_timm/regnetx_006_Opset16.onnx new file mode 100644 index 000000000..be99b83ce --- /dev/null +++ b/Computer_Vision/regnetx_006_Opset16_timm/regnetx_006_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27eb2e1ab4fcb565ef365d8ca48ff5a7846e66c0d6d40eefd65b6dba8964beda +size 24739513 diff --git a/Computer_Vision/regnetx_006_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_006_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..04c5761a2 --- /dev/null +++ b/Computer_Vision/regnetx_006_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9261007308959961 + set_success: 0.015821218490600586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_006_timm_7d7ad3a9/onnx/regnetx_006_timm_7d7ad3a9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_006.py +class: RegNet +hash: c086bf76 +model_name: regnetx_006 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 24159.7129 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 49 +parameters: 6196040 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_006_Opset17_timm/regnetx_006_Opset17.onnx b/Computer_Vision/regnetx_006_Opset17_timm/regnetx_006_Opset17.onnx new file mode 100644 index 000000000..5421b8af3 --- /dev/null +++ b/Computer_Vision/regnetx_006_Opset17_timm/regnetx_006_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c563eac1eb4bc9aa30be63d31ca30308618082193fc4da545cf7182bea2b58bf +size 24739513 diff --git a/Computer_Vision/regnetx_006_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_006_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5ebdfc52f --- /dev/null +++ b/Computer_Vision/regnetx_006_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9350018501281738 + set_success: 0.01576066017150879 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_006_timm_7d7ad3a9/onnx/regnetx_006_timm_7d7ad3a9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_006.py +class: RegNet +hash: c086bf76 +model_name: regnetx_006 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 24159.7129 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 49 +parameters: 6196040 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_006_Opset18_timm/regnetx_006_Opset18.onnx b/Computer_Vision/regnetx_006_Opset18_timm/regnetx_006_Opset18.onnx new file mode 100644 index 000000000..2a9a9e622 --- /dev/null +++ b/Computer_Vision/regnetx_006_Opset18_timm/regnetx_006_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:209202d2c25ed9527f56e62d02f2b914bc383e4a5a0ab97de82374286503d984 +size 24739513 diff --git a/Computer_Vision/regnetx_006_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_006_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e3a4d6019 --- /dev/null +++ b/Computer_Vision/regnetx_006_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.955643892288208 + set_success: 0.3821582794189453 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_006_timm_7d7ad3a9/onnx/regnetx_006_timm_7d7ad3a9-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_006.py +class: RegNet +hash: c086bf76 +model_name: regnetx_006 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 24159.7129 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 49 +parameters: 6196040 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_008_Opset16_timm/regnetx_008_Opset16.onnx b/Computer_Vision/regnetx_008_Opset16_timm/regnetx_008_Opset16.onnx new file mode 100644 index 000000000..ddfd1b7a8 --- /dev/null +++ b/Computer_Vision/regnetx_008_Opset16_timm/regnetx_008_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d77b3dbfd6bd43cdad93951a96358226d4af91a2e56d4cb758efad34fe438a99 +size 28985942 diff --git a/Computer_Vision/regnetx_008_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_008_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..74f09277d --- /dev/null +++ b/Computer_Vision/regnetx_008_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9864499568939209 + set_success: 0.016226768493652344 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_008_timm_4d55dd67/onnx/regnetx_008_timm_4d55dd67-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_008.py +class: RegNet +hash: 7c098d88 +model_name: regnetx_008 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 28306.6162 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 49 +parameters: 7259656 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_008_Opset17_timm/regnetx_008_Opset17.onnx b/Computer_Vision/regnetx_008_Opset17_timm/regnetx_008_Opset17.onnx new file mode 100644 index 000000000..e553eaa18 --- /dev/null +++ b/Computer_Vision/regnetx_008_Opset17_timm/regnetx_008_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb8227b1d9497cc9937afcf5684eacae00a6514605333a8ca788970d8e068371 +size 28985942 diff --git a/Computer_Vision/regnetx_008_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_008_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..11ac9c85b --- /dev/null +++ b/Computer_Vision/regnetx_008_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9993467330932617 + set_success: 0.01614856719970703 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_008_timm_4d55dd67/onnx/regnetx_008_timm_4d55dd67-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_008.py +class: RegNet +hash: 7c098d88 +model_name: regnetx_008 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 28306.6162 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 49 +parameters: 7259656 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_008_Opset18_timm/regnetx_008_Opset18.onnx b/Computer_Vision/regnetx_008_Opset18_timm/regnetx_008_Opset18.onnx new file mode 100644 index 000000000..b70b0018c --- /dev/null +++ b/Computer_Vision/regnetx_008_Opset18_timm/regnetx_008_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4892bc25b8f05e44db60b52aa4766d51e6637d634b2ed0ac61e7d103e94ef73f +size 28985942 diff --git a/Computer_Vision/regnetx_008_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_008_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5b374c2c8 --- /dev/null +++ b/Computer_Vision/regnetx_008_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9850451946258545 + set_success: 0.016042470932006836 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_008_timm_4d55dd67/onnx/regnetx_008_timm_4d55dd67-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_008.py +class: RegNet +hash: 7c098d88 +model_name: regnetx_008 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 28306.6162 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 49 +parameters: 7259656 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_016_Opset16_timm/regnetx_016_Opset16.onnx b/Computer_Vision/regnetx_016_Opset16_timm/regnetx_016_Opset16.onnx new file mode 100644 index 000000000..75ab6da8f --- /dev/null +++ b/Computer_Vision/regnetx_016_Opset16_timm/regnetx_016_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c4291e650906ec3c7216edc3860d03c90783ddbd45b0911117bb65fa087e666 +size 36697976 diff --git a/Computer_Vision/regnetx_016_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_016_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3b31b58c7 --- /dev/null +++ b/Computer_Vision/regnetx_016_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1952955722808838 + set_success: 0.015408992767333984 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_016_timm_54979df3/onnx/regnetx_016_timm_54979df3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_016.py +class: RegNet +hash: a7daeb17 +model_name: regnetx_016 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 35837.8994 +onnx_ops_counter: + Add: 18 + Conv: 59 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 55 +parameters: 9190136 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_016_Opset17_timm/regnetx_016_Opset17.onnx b/Computer_Vision/regnetx_016_Opset17_timm/regnetx_016_Opset17.onnx new file mode 100644 index 000000000..3379a2d30 --- /dev/null +++ b/Computer_Vision/regnetx_016_Opset17_timm/regnetx_016_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8dfe4205f34eee02a8660e1ca0f3132cc03c4acd3c8505996efcd595dbb3cde9 +size 36697976 diff --git a/Computer_Vision/regnetx_016_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_016_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..46be94f93 --- /dev/null +++ b/Computer_Vision/regnetx_016_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2188160419464111 + set_success: 0.015137672424316406 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_016_timm_54979df3/onnx/regnetx_016_timm_54979df3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_016.py +class: RegNet +hash: a7daeb17 +model_name: regnetx_016 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 35837.8994 +onnx_ops_counter: + Add: 18 + Conv: 59 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 55 +parameters: 9190136 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_016_Opset18_timm/regnetx_016_Opset18.onnx b/Computer_Vision/regnetx_016_Opset18_timm/regnetx_016_Opset18.onnx new file mode 100644 index 000000000..399721312 --- /dev/null +++ b/Computer_Vision/regnetx_016_Opset18_timm/regnetx_016_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a240f7e1ae239ef05a66b795081ff097d1a13fc851b7bd3352108ba076081660 +size 36697976 diff --git a/Computer_Vision/regnetx_016_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_016_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..938b49039 --- /dev/null +++ b/Computer_Vision/regnetx_016_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2334997653961182 + set_success: 0.01662898063659668 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_016_timm_54979df3/onnx/regnetx_016_timm_54979df3-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_016.py +class: RegNet +hash: a7daeb17 +model_name: regnetx_016 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 35837.8994 +onnx_ops_counter: + Add: 18 + Conv: 59 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 55 +parameters: 9190136 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_032_Opset16_timm/regnetx_032_Opset16.onnx b/Computer_Vision/regnetx_032_Opset16_timm/regnetx_032_Opset16.onnx new file mode 100644 index 000000000..7b7dd929f --- /dev/null +++ b/Computer_Vision/regnetx_032_Opset16_timm/regnetx_032_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f1bf5aa25d9f124cfa9db201a393964a7d4148d28dbba72bd2f5ce30a91fd0e0 +size 61094311 diff --git a/Computer_Vision/regnetx_032_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_032_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3f2da8175 --- /dev/null +++ b/Computer_Vision/regnetx_032_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.774305820465088 + set_success: 0.015830039978027344 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_032_timm_da55f9cc/onnx/regnetx_032_timm_da55f9cc-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_032.py +class: RegNet +hash: b10d6939 +model_name: regnetx_032 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 59662.4453 +onnx_ops_counter: + Add: 25 + Conv: 80 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 76 +parameters: 15296552 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_032_Opset17_timm/regnetx_032_Opset17.onnx b/Computer_Vision/regnetx_032_Opset17_timm/regnetx_032_Opset17.onnx new file mode 100644 index 000000000..58cfdc827 --- /dev/null +++ b/Computer_Vision/regnetx_032_Opset17_timm/regnetx_032_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f489600d374e941cf301c36b3658a658e8c513f06d201529afed5d77314e33a7 +size 61094311 diff --git a/Computer_Vision/regnetx_032_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_032_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..07269500b --- /dev/null +++ b/Computer_Vision/regnetx_032_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8742969036102295 + set_success: 0.016605854034423828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_032_timm_da55f9cc/onnx/regnetx_032_timm_da55f9cc-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_032.py +class: RegNet +hash: b10d6939 +model_name: regnetx_032 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 59662.4453 +onnx_ops_counter: + Add: 25 + Conv: 80 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 76 +parameters: 15296552 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_032_Opset18_timm/regnetx_032_Opset18.onnx b/Computer_Vision/regnetx_032_Opset18_timm/regnetx_032_Opset18.onnx new file mode 100644 index 000000000..3c1c4672f --- /dev/null +++ b/Computer_Vision/regnetx_032_Opset18_timm/regnetx_032_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ca3ab81cffb937d84e23dea589c5fdc4740cbcf53d1b0aa7fd5fc3b881ebce3 +size 61094311 diff --git a/Computer_Vision/regnetx_032_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_032_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7bb9ff5f0 --- /dev/null +++ b/Computer_Vision/regnetx_032_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.139520168304443 + set_success: 0.016701698303222656 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_032_timm_da55f9cc/onnx/regnetx_032_timm_da55f9cc-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_032.py +class: RegNet +hash: b10d6939 +model_name: regnetx_032 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 59662.4453 +onnx_ops_counter: + Add: 25 + Conv: 80 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 76 +parameters: 15296552 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_040_Opset16_timm/regnetx_040_Opset16.onnx b/Computer_Vision/regnetx_040_Opset16_timm/regnetx_040_Opset16.onnx new file mode 100644 index 000000000..f9d0824f6 --- /dev/null +++ b/Computer_Vision/regnetx_040_Opset16_timm/regnetx_040_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d962b568ad7e22ccf8c33455d42590df9164879cc41314b2415496a4ac309030 +size 88351591 diff --git a/Computer_Vision/regnetx_040_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_040_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2a7b52160 --- /dev/null +++ b/Computer_Vision/regnetx_040_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.067030906677246 + set_success: 0.017771482467651367 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_040_timm_61ba1fdd/onnx/regnetx_040_timm_61ba1fdd-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_040.py +class: RegNet +hash: f4af8461 +model_name: regnetx_040 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 86280.8828 +onnx_ops_counter: + Add: 23 + Conv: 74 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 70 +parameters: 22118248 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_040_Opset17_timm/regnetx_040_Opset17.onnx b/Computer_Vision/regnetx_040_Opset17_timm/regnetx_040_Opset17.onnx new file mode 100644 index 000000000..100ef9d1c --- /dev/null +++ b/Computer_Vision/regnetx_040_Opset17_timm/regnetx_040_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:56bad62ac92cffcb355a1dfd94f34607312f198a8764a8df18388a5d3d7d832e +size 88351591 diff --git a/Computer_Vision/regnetx_040_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_040_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b3618c49d --- /dev/null +++ b/Computer_Vision/regnetx_040_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0007145404815674 + set_success: 0.01601576805114746 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_040_timm_61ba1fdd/onnx/regnetx_040_timm_61ba1fdd-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_040.py +class: RegNet +hash: f4af8461 +model_name: regnetx_040 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 86280.8828 +onnx_ops_counter: + Add: 23 + Conv: 74 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 70 +parameters: 22118248 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_040_Opset18_timm/regnetx_040_Opset18.onnx b/Computer_Vision/regnetx_040_Opset18_timm/regnetx_040_Opset18.onnx new file mode 100644 index 000000000..467926c4a --- /dev/null +++ b/Computer_Vision/regnetx_040_Opset18_timm/regnetx_040_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa3b85a7c8f93f6fadc96628eedab62cbf5668ae380b800a946349cc98eb8e83 +size 88351591 diff --git a/Computer_Vision/regnetx_040_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_040_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c3aeb4edc --- /dev/null +++ b/Computer_Vision/regnetx_040_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0510458946228027 + set_success: 0.020551443099975586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_040_timm_61ba1fdd/onnx/regnetx_040_timm_61ba1fdd-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_040.py +class: RegNet +hash: f4af8461 +model_name: regnetx_040 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 86280.8828 +onnx_ops_counter: + Add: 23 + Conv: 74 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 70 +parameters: 22118248 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_064_Opset16_timm/regnetx_064_Opset16.onnx b/Computer_Vision/regnetx_064_Opset16_timm/regnetx_064_Opset16.onnx new file mode 100644 index 000000000..ba29d3d06 --- /dev/null +++ b/Computer_Vision/regnetx_064_Opset16_timm/regnetx_064_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ecc4047269da5a850208b94fc595a7ac81eb3822552831c5ade7605805843843 +size 104711872 diff --git a/Computer_Vision/regnetx_064_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_064_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..918b2b87c --- /dev/null +++ b/Computer_Vision/regnetx_064_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9553806781768799 + set_success: 0.018835067749023438 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_064_timm_db454f8b/onnx/regnetx_064_timm_db454f8b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_064.py +class: RegNet +hash: b85737d9 +model_name: regnetx_064 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 102257.7197 +onnx_ops_counter: + Add: 17 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 52 +parameters: 26209256 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_064_Opset17_timm/regnetx_064_Opset17.onnx b/Computer_Vision/regnetx_064_Opset17_timm/regnetx_064_Opset17.onnx new file mode 100644 index 000000000..b37696b34 --- /dev/null +++ b/Computer_Vision/regnetx_064_Opset17_timm/regnetx_064_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d9b254e64d6ea805562e20fe18fcedfd61194d3a503a2a16bb2b522498b8d83 +size 104711872 diff --git a/Computer_Vision/regnetx_064_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_064_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4aa870a7f --- /dev/null +++ b/Computer_Vision/regnetx_064_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9220945835113525 + set_success: 0.018344879150390625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_064_timm_db454f8b/onnx/regnetx_064_timm_db454f8b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_064.py +class: RegNet +hash: b85737d9 +model_name: regnetx_064 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 102257.7197 +onnx_ops_counter: + Add: 17 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 52 +parameters: 26209256 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_064_Opset18_timm/regnetx_064_Opset18.onnx b/Computer_Vision/regnetx_064_Opset18_timm/regnetx_064_Opset18.onnx new file mode 100644 index 000000000..d159f63ae --- /dev/null +++ b/Computer_Vision/regnetx_064_Opset18_timm/regnetx_064_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e00440702bd07f5cde880298fbbe46c2bd07de3f20f5ab603292d122e0e2b5d +size 104711872 diff --git a/Computer_Vision/regnetx_064_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_064_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2d4421cf4 --- /dev/null +++ b/Computer_Vision/regnetx_064_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.954955816268921 + set_success: 0.01933121681213379 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_064_timm_db454f8b/onnx/regnetx_064_timm_db454f8b-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_064.py +class: RegNet +hash: b85737d9 +model_name: regnetx_064 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 102257.7197 +onnx_ops_counter: + Add: 17 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 52 +parameters: 26209256 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_080_Opset16_timm/regnetx_080_Opset16.onnx b/Computer_Vision/regnetx_080_Opset16_timm/regnetx_080_Opset16.onnx new file mode 100644 index 000000000..93ce03363 --- /dev/null +++ b/Computer_Vision/regnetx_080_Opset16_timm/regnetx_080_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:04ba43baddc544ece8eca9948b1ea574494c6fce0c432a3e1d1e958a44e28b10 +size 158140441 diff --git a/Computer_Vision/regnetx_080_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_080_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9487f7e69 --- /dev/null +++ b/Computer_Vision/regnetx_080_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.7415759563446045 + set_success: 0.01743602752685547 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_080_timm_41442df6/onnx/regnetx_080_timm_41442df6-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_080.py +class: RegNet +hash: e8986507 +model_name: regnetx_080 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 154434.0566 +onnx_ops_counter: + Add: 23 + Conv: 74 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 70 +parameters: 39572648 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_080_Opset17_timm/regnetx_080_Opset17.onnx b/Computer_Vision/regnetx_080_Opset17_timm/regnetx_080_Opset17.onnx new file mode 100644 index 000000000..92acaaecf --- /dev/null +++ b/Computer_Vision/regnetx_080_Opset17_timm/regnetx_080_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62fbf2608cd235c0cddafb00bd99c43c42b2b6705405dd7a8b5220f9ba689139 +size 158140441 diff --git a/Computer_Vision/regnetx_080_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_080_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2654e69c4 --- /dev/null +++ b/Computer_Vision/regnetx_080_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.915773391723633 + set_success: 0.01751852035522461 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_080_timm_41442df6/onnx/regnetx_080_timm_41442df6-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_080.py +class: RegNet +hash: e8986507 +model_name: regnetx_080 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 154434.0566 +onnx_ops_counter: + Add: 23 + Conv: 74 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 70 +parameters: 39572648 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_080_Opset18_timm/regnetx_080_Opset18.onnx b/Computer_Vision/regnetx_080_Opset18_timm/regnetx_080_Opset18.onnx new file mode 100644 index 000000000..f7521b50d --- /dev/null +++ b/Computer_Vision/regnetx_080_Opset18_timm/regnetx_080_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae070c503d0de5fdbd5ddadc1abf44c7b96d5ac356937a4a58cbc2e6628974bf +size 158140441 diff --git a/Computer_Vision/regnetx_080_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_080_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d717a559d --- /dev/null +++ b/Computer_Vision/regnetx_080_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.1280055046081543 + set_success: 0.01904916763305664 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_080_timm_41442df6/onnx/regnetx_080_timm_41442df6-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_080.py +class: RegNet +hash: e8986507 +model_name: regnetx_080 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 154434.0566 +onnx_ops_counter: + Add: 23 + Conv: 74 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 70 +parameters: 39572648 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_120_Opset16_timm/regnetx_120_Opset16.onnx b/Computer_Vision/regnetx_120_Opset16_timm/regnetx_120_Opset16.onnx new file mode 100644 index 000000000..51253006b --- /dev/null +++ b/Computer_Vision/regnetx_120_Opset16_timm/regnetx_120_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d8a881387482ab787bf0af8de067427aa323fdc808f36571e844a40a20fba0c +size 184257246 diff --git a/Computer_Vision/regnetx_120_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_120_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d32bc787c --- /dev/null +++ b/Computer_Vision/regnetx_120_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.975001573562622 + set_success: 0.017557144165039062 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_120_timm_582df70f/onnx/regnetx_120_timm_582df70f-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_120.py +class: RegNet +hash: 4fcd5b64 +model_name: regnetx_120 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 179938.749 +onnx_ops_counter: + Add: 19 + Conv: 62 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 58 +parameters: 46106056 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_120_Opset17_timm/regnetx_120_Opset17.onnx b/Computer_Vision/regnetx_120_Opset17_timm/regnetx_120_Opset17.onnx new file mode 100644 index 000000000..367b5aad5 --- /dev/null +++ b/Computer_Vision/regnetx_120_Opset17_timm/regnetx_120_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d642a6ca2ab00c4cfab3382a3f2dbea5aa3da8c6fae2415f9b66d259d09ab85 +size 184257246 diff --git a/Computer_Vision/regnetx_120_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_120_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..df8e8b7e4 --- /dev/null +++ b/Computer_Vision/regnetx_120_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.7291948795318604 + set_success: 0.016183137893676758 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_120_timm_582df70f/onnx/regnetx_120_timm_582df70f-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_120.py +class: RegNet +hash: 4fcd5b64 +model_name: regnetx_120 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 179938.749 +onnx_ops_counter: + Add: 19 + Conv: 62 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 58 +parameters: 46106056 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_120_Opset18_timm/regnetx_120_Opset18.onnx b/Computer_Vision/regnetx_120_Opset18_timm/regnetx_120_Opset18.onnx new file mode 100644 index 000000000..7ef59ad29 --- /dev/null +++ b/Computer_Vision/regnetx_120_Opset18_timm/regnetx_120_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:983d7df5e6a6a82ec1ded3d39b2333f910a8b896d5786a1c979d697acbda97ef +size 184257246 diff --git a/Computer_Vision/regnetx_120_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_120_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9a993ded5 --- /dev/null +++ b/Computer_Vision/regnetx_120_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.8264553546905518 + set_success: 0.02032613754272461 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_120_timm_582df70f/onnx/regnetx_120_timm_582df70f-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_120.py +class: RegNet +hash: 4fcd5b64 +model_name: regnetx_120 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 179938.749 +onnx_ops_counter: + Add: 19 + Conv: 62 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 58 +parameters: 46106056 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_160_Opset16_timm/regnetx_160_Opset16.onnx b/Computer_Vision/regnetx_160_Opset16_timm/regnetx_160_Opset16.onnx new file mode 100644 index 000000000..ec0878704 --- /dev/null +++ b/Computer_Vision/regnetx_160_Opset16_timm/regnetx_160_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d2011df022e0257673263f7f33478d417d6ea2de16d52fc0efece74da1f19670 +size 216921405 diff --git a/Computer_Vision/regnetx_160_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_160_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c1374b333 --- /dev/null +++ b/Computer_Vision/regnetx_160_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.18487286567688 + set_success: 0.01700305938720703 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_160_timm_6303dfd7/onnx/regnetx_160_timm_6303dfd7-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_160.py +class: RegNet +hash: f5575cfa +model_name: regnetx_160 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 211837.3418 +onnx_ops_counter: + Add: 22 + Conv: 71 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 67 +parameters: 54278536 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_160_Opset17_timm/regnetx_160_Opset17.onnx b/Computer_Vision/regnetx_160_Opset17_timm/regnetx_160_Opset17.onnx new file mode 100644 index 000000000..3e61371e6 --- /dev/null +++ b/Computer_Vision/regnetx_160_Opset17_timm/regnetx_160_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c2480075c273a5d5d7ef8c956640021ba7193eb26039679c3679657af33d1f38 +size 216921405 diff --git a/Computer_Vision/regnetx_160_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_160_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..102ee0481 --- /dev/null +++ b/Computer_Vision/regnetx_160_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.4090957641601562 + set_success: 0.018724918365478516 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_160_timm_6303dfd7/onnx/regnetx_160_timm_6303dfd7-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_160.py +class: RegNet +hash: f5575cfa +model_name: regnetx_160 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 211837.3418 +onnx_ops_counter: + Add: 22 + Conv: 71 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 67 +parameters: 54278536 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_160_Opset18_timm/regnetx_160_Opset18.onnx b/Computer_Vision/regnetx_160_Opset18_timm/regnetx_160_Opset18.onnx new file mode 100644 index 000000000..f0bec0c2a --- /dev/null +++ b/Computer_Vision/regnetx_160_Opset18_timm/regnetx_160_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0135f05a880dfcc0c48212cc4d6c4421c0f31243e1f92946b0d4e281037bd975 +size 216921405 diff --git a/Computer_Vision/regnetx_160_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_160_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d09b49b34 --- /dev/null +++ b/Computer_Vision/regnetx_160_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.353034019470215 + set_success: 0.017618656158447266 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_160_timm_6303dfd7/onnx/regnetx_160_timm_6303dfd7-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_160.py +class: RegNet +hash: f5575cfa +model_name: regnetx_160 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 211837.3418 +onnx_ops_counter: + Add: 22 + Conv: 71 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 67 +parameters: 54278536 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_320_Opset16_timm/regnetx_320_Opset16.onnx b/Computer_Vision/regnetx_320_Opset16_timm/regnetx_320_Opset16.onnx new file mode 100644 index 000000000..5053761fb --- /dev/null +++ b/Computer_Vision/regnetx_320_Opset16_timm/regnetx_320_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30244b7ad8b896e62135bb87c4da47ee15cbbfa0e215148cd80c83bdd4d4d8fc +size 430953052 diff --git a/Computer_Vision/regnetx_320_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_320_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3e35913df --- /dev/null +++ b/Computer_Vision/regnetx_320_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.5905067920684814 + set_success: 0.01935124397277832 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_320_timm_cb2e93c6/onnx/regnetx_320_timm_cb2e93c6-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_320.py +class: RegNet +hash: eb0ee4ce +model_name: regnetx_320 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 420852.6221 +onnx_ops_counter: + Add: 23 + Conv: 74 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 70 +parameters: 107811560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_320_Opset17_timm/regnetx_320_Opset17.onnx b/Computer_Vision/regnetx_320_Opset17_timm/regnetx_320_Opset17.onnx new file mode 100644 index 000000000..cef590eae --- /dev/null +++ b/Computer_Vision/regnetx_320_Opset17_timm/regnetx_320_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ea3076f115e1b3beccdf045651ceb54b33ba77a228c2d9cb07fc7eba9089a8d +size 430953052 diff --git a/Computer_Vision/regnetx_320_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_320_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1d9ee32d4 --- /dev/null +++ b/Computer_Vision/regnetx_320_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.222154378890991 + set_success: 0.02649378776550293 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_320_timm_cb2e93c6/onnx/regnetx_320_timm_cb2e93c6-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_320.py +class: RegNet +hash: eb0ee4ce +model_name: regnetx_320 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 420852.6221 +onnx_ops_counter: + Add: 23 + Conv: 74 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 70 +parameters: 107811560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetx_320_Opset18_timm/regnetx_320_Opset18.onnx b/Computer_Vision/regnetx_320_Opset18_timm/regnetx_320_Opset18.onnx new file mode 100644 index 000000000..2fca042d6 --- /dev/null +++ b/Computer_Vision/regnetx_320_Opset18_timm/regnetx_320_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:afa4355caa6d236b9a6454d7f3d5775686eb632ed8c27d98f6cdfa0323c9bbff +size 430953052 diff --git a/Computer_Vision/regnetx_320_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/regnetx_320_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4477f35a7 --- /dev/null +++ b/Computer_Vision/regnetx_320_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.46748423576355 + set_success: 0.021517515182495117 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetx_320_timm_cb2e93c6/onnx/regnetx_320_timm_cb2e93c6-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetx_320.py +class: RegNet +hash: eb0ee4ce +model_name: regnetx_320 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 420852.6221 +onnx_ops_counter: + Add: 23 + Conv: 74 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 70 +parameters: 107811560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnety_002_Opset16_timm/regnety_002_Opset16.onnx b/Computer_Vision/regnety_002_Opset16_timm/regnety_002_Opset16.onnx new file mode 100644 index 000000000..39621873a --- /dev/null +++ b/Computer_Vision/regnety_002_Opset16_timm/regnety_002_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c602c8d62c6ebd8fe309b59e12f1a374ea77fdd0d562321d940dcc108e7b4a6 +size 12641506 diff --git a/Computer_Vision/regnety_002_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnety_002_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3898afe47 --- /dev/null +++ b/Computer_Vision/regnety_002_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8950104713439941 + set_success: 0.014485359191894531 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnety_002_timm_12699b60/onnx/regnety_002_timm_12699b60-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnety_002.py +class: RegNet +hash: b4509259 +model_name: regnety_002 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 12345.2529 +onnx_ops_counter: + Add: 13 + Conv: 70 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 13 + ReduceMean: 13 + Relu: 53 + Sigmoid: 13 +parameters: 3162996 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnety_002_Opset17_timm/regnety_002_Opset17.onnx b/Computer_Vision/regnety_002_Opset17_timm/regnety_002_Opset17.onnx new file mode 100644 index 000000000..8156c8c80 --- /dev/null +++ b/Computer_Vision/regnety_002_Opset17_timm/regnety_002_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e75aea9132332c792d8a70a56a57ac039eafadb3dc517090535be90ea130a7b +size 12641506 diff --git a/Computer_Vision/regnety_002_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnety_002_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..73c892183 --- /dev/null +++ b/Computer_Vision/regnety_002_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9101500511169434 + set_success: 0.014590978622436523 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnety_002_timm_12699b60/onnx/regnety_002_timm_12699b60-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnety_002.py +class: RegNet +hash: b4509259 +model_name: regnety_002 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 12345.2529 +onnx_ops_counter: + Add: 13 + Conv: 70 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 13 + ReduceMean: 13 + Relu: 53 + Sigmoid: 13 +parameters: 3162996 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnety_004_Opset16_timm/regnety_004_Opset16.onnx b/Computer_Vision/regnety_004_Opset16_timm/regnety_004_Opset16.onnx new file mode 100644 index 000000000..19047a2a6 --- /dev/null +++ b/Computer_Vision/regnety_004_Opset16_timm/regnety_004_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e9e16f57b4d350bd193dd25c79dd3f6958b4d3abd4fef05674b8617b0d5cc0c6 +size 17360210 diff --git a/Computer_Vision/regnety_004_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnety_004_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..48e5941b8 --- /dev/null +++ b/Computer_Vision/regnety_004_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2238433361053467 + set_success: 0.016545772552490234 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnety_004_timm_c89bcf44/onnx/regnety_004_timm_c89bcf44-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnety_004.py +class: RegNet +hash: 0900dcc7 +model_name: regnety_004 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 16953.3623 +onnx_ops_counter: + Add: 16 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 16 + ReduceMean: 16 + Relu: 65 + Sigmoid: 16 +parameters: 4344144 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnety_004_Opset17_timm/regnety_004_Opset17.onnx b/Computer_Vision/regnety_004_Opset17_timm/regnety_004_Opset17.onnx new file mode 100644 index 000000000..8757e02ab --- /dev/null +++ b/Computer_Vision/regnety_004_Opset17_timm/regnety_004_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19ddddb7732526a3ae8317584840665d221ab7779c0a26d4dbec953117bb6626 +size 17360210 diff --git a/Computer_Vision/regnety_004_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnety_004_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a518ba5af --- /dev/null +++ b/Computer_Vision/regnety_004_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.189957618713379 + set_success: 0.015040159225463867 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnety_004_timm_c89bcf44/onnx/regnety_004_timm_c89bcf44-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnety_004.py +class: RegNet +hash: 0900dcc7 +model_name: regnety_004 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 16953.3623 +onnx_ops_counter: + Add: 16 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 16 + ReduceMean: 16 + Relu: 65 + Sigmoid: 16 +parameters: 4344144 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnety_006_Opset16_timm/regnety_006_Opset16.onnx b/Computer_Vision/regnety_006_Opset16_timm/regnety_006_Opset16.onnx new file mode 100644 index 000000000..09cdb9982 --- /dev/null +++ b/Computer_Vision/regnety_006_Opset16_timm/regnety_006_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35585504dfec2e85600e474b3c7871e11737a171e1207bf858591548f6481ba6 +size 24196828 diff --git a/Computer_Vision/regnety_006_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnety_006_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bdd1dae06 --- /dev/null +++ b/Computer_Vision/regnety_006_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.20577073097229 + set_success: 0.018119096755981445 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnety_006_timm_2b53bba9/onnx/regnety_006_timm_2b53bba9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnety_006.py +class: RegNet +hash: b00d673a +model_name: regnety_006 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 23629.7471 +onnx_ops_counter: + Add: 15 + Conv: 80 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 15 + ReduceMean: 15 + Relu: 61 + Sigmoid: 15 +parameters: 6055160 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnety_006_Opset17_timm/regnety_006_Opset17.onnx b/Computer_Vision/regnety_006_Opset17_timm/regnety_006_Opset17.onnx new file mode 100644 index 000000000..f8c20b79a --- /dev/null +++ b/Computer_Vision/regnety_006_Opset17_timm/regnety_006_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31ede55da3e775fd93bffafdaee8529e2ddf00c541ed07625a6ea0ea0087873b +size 24196828 diff --git a/Computer_Vision/regnety_006_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnety_006_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2d6cf9a22 --- /dev/null +++ b/Computer_Vision/regnety_006_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2803828716278076 + set_success: 0.01791667938232422 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnety_006_timm_2b53bba9/onnx/regnety_006_timm_2b53bba9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnety_006.py +class: RegNet +hash: b00d673a +model_name: regnety_006 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 23629.7471 +onnx_ops_counter: + Add: 15 + Conv: 80 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 15 + ReduceMean: 15 + Relu: 61 + Sigmoid: 15 +parameters: 6055160 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnety_008_Opset16_timm/regnety_008_Opset16.onnx b/Computer_Vision/regnety_008_Opset16_timm/regnety_008_Opset16.onnx new file mode 100644 index 000000000..72b7f9b48 --- /dev/null +++ b/Computer_Vision/regnety_008_Opset16_timm/regnety_008_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf0db737d1c47b1f57334bab05554a181aff7df72cf1fe9c77f1a5006d3e7c76 +size 25026410 diff --git a/Computer_Vision/regnety_008_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnety_008_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f0f690b2c --- /dev/null +++ b/Computer_Vision/regnety_008_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1392383575439453 + set_success: 0.01650214195251465 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnety_008_timm_0835196b/onnx/regnety_008_timm_0835196b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnety_008.py +class: RegNet +hash: 34d9ce07 +model_name: regnety_008 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 24439.8857 +onnx_ops_counter: + Add: 14 + Conv: 75 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 14 + ReduceMean: 14 + Relu: 57 + Sigmoid: 14 +parameters: 6263168 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnety_008_Opset17_timm/regnety_008_Opset17.onnx b/Computer_Vision/regnety_008_Opset17_timm/regnety_008_Opset17.onnx new file mode 100644 index 000000000..80a5d69fd --- /dev/null +++ b/Computer_Vision/regnety_008_Opset17_timm/regnety_008_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db9b53fe9555d04a1c968113596c5b0d9f2e50dd2790602d8356c2b32cf8de68 +size 25026410 diff --git a/Computer_Vision/regnety_008_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnety_008_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..91935a05b --- /dev/null +++ b/Computer_Vision/regnety_008_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.151167631149292 + set_success: 0.014579057693481445 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnety_008_timm_0835196b/onnx/regnety_008_timm_0835196b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnety_008.py +class: RegNet +hash: 34d9ce07 +model_name: regnety_008 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 24439.8857 +onnx_ops_counter: + Add: 14 + Conv: 75 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 14 + ReduceMean: 14 + Relu: 57 + Sigmoid: 14 +parameters: 6263168 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnety_016_Opset16_timm/regnety_016_Opset16.onnx b/Computer_Vision/regnety_016_Opset16_timm/regnety_016_Opset16.onnx new file mode 100644 index 000000000..cc3fea817 --- /dev/null +++ b/Computer_Vision/regnety_016_Opset16_timm/regnety_016_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06c9daa31f93a8f9f0b194d2899ed268b091eb24a3cad6caa297f688b6ab656c +size 44767669 diff --git a/Computer_Vision/regnety_016_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnety_016_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7c4c784cf --- /dev/null +++ b/Computer_Vision/regnety_016_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.6271767616271973 + set_success: 0.017078638076782227 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnety_016_timm_33313230/onnx/regnety_016_timm_33313230-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnety_016.py +class: RegNet +hash: 72c62b5e +model_name: regnety_016 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 43718.459 +onnx_ops_counter: + Add: 27 + Conv: 140 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 27 + ReduceMean: 27 + Relu: 109 + Sigmoid: 27 +parameters: 11202430 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnety_016_Opset17_timm/regnety_016_Opset17.onnx b/Computer_Vision/regnety_016_Opset17_timm/regnety_016_Opset17.onnx new file mode 100644 index 000000000..579fcf570 --- /dev/null +++ b/Computer_Vision/regnety_016_Opset17_timm/regnety_016_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ddbd65635ff97f8186dcef83cfb2cd3c0375956eecd311c04af0e95f5cea4a27 +size 44767669 diff --git a/Computer_Vision/regnety_016_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnety_016_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0f36df721 --- /dev/null +++ b/Computer_Vision/regnety_016_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.6577465534210205 + set_success: 0.01685476303100586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnety_016_timm_33313230/onnx/regnety_016_timm_33313230-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnety_016.py +class: RegNet +hash: 72c62b5e +model_name: regnety_016 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 43718.459 +onnx_ops_counter: + Add: 27 + Conv: 140 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 27 + ReduceMean: 27 + Relu: 109 + Sigmoid: 27 +parameters: 11202430 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnety_032_Opset16_timm/regnety_032_Opset16.onnx b/Computer_Vision/regnety_032_Opset16_timm/regnety_032_Opset16.onnx new file mode 100644 index 000000000..f91585e10 --- /dev/null +++ b/Computer_Vision/regnety_032_Opset16_timm/regnety_032_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e9eacda706ff390f01ff4c54d1ca11522e6b4286a0b6b2b252fbea28058a6966 +size 77662528 diff --git a/Computer_Vision/regnety_032_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnety_032_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5c6c0a7b1 --- /dev/null +++ b/Computer_Vision/regnety_032_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.4126994609832764 + set_success: 0.018296241760253906 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnety_032_timm_a90bf40d/onnx/regnety_032_timm_a90bf40d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnety_032.py +class: RegNet +hash: 74f6c08a +model_name: regnety_032 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 75842.3447 +onnx_ops_counter: + Add: 21 + Conv: 110 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 21 + ReduceMean: 21 + Relu: 85 + Sigmoid: 21 +parameters: 19436338 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnety_032_Opset17_timm/regnety_032_Opset17.onnx b/Computer_Vision/regnety_032_Opset17_timm/regnety_032_Opset17.onnx new file mode 100644 index 000000000..bbc27c38f --- /dev/null +++ b/Computer_Vision/regnety_032_Opset17_timm/regnety_032_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e5013196239de16b403b9a63eefc158dd666a039f7fa9749904ca78726673da9 +size 77662528 diff --git a/Computer_Vision/regnety_032_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnety_032_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..55993c637 --- /dev/null +++ b/Computer_Vision/regnety_032_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.398247003555298 + set_success: 0.01967310905456543 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnety_032_timm_a90bf40d/onnx/regnety_032_timm_a90bf40d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnety_032.py +class: RegNet +hash: 74f6c08a +model_name: regnety_032 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 75842.3447 +onnx_ops_counter: + Add: 21 + Conv: 110 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 21 + ReduceMean: 21 + Relu: 85 + Sigmoid: 21 +parameters: 19436338 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnety_040_Opset16_timm/regnety_040_Opset16.onnx b/Computer_Vision/regnety_040_Opset16_timm/regnety_040_Opset16.onnx new file mode 100644 index 000000000..b082999cd --- /dev/null +++ b/Computer_Vision/regnety_040_Opset16_timm/regnety_040_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce76d35de115c3b5f6d165618a7490825bace90be4e83369b90f8499eb5e518e +size 82513881 diff --git a/Computer_Vision/regnety_040_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnety_040_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..52009fafe --- /dev/null +++ b/Computer_Vision/regnety_040_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.437129259109497 + set_success: 0.016500473022460938 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnety_040_timm_7c977819/onnx/regnety_040_timm_7c977819-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnety_040.py +class: RegNet +hash: af9dc9eb +model_name: regnety_040 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 80579.9941 +onnx_ops_counter: + Add: 22 + Conv: 115 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 22 + ReduceMean: 22 + Relu: 89 + Sigmoid: 22 +parameters: 20646656 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnety_040_Opset17_timm/regnety_040_Opset17.onnx b/Computer_Vision/regnety_040_Opset17_timm/regnety_040_Opset17.onnx new file mode 100644 index 000000000..953f81784 --- /dev/null +++ b/Computer_Vision/regnety_040_Opset17_timm/regnety_040_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37250a6c4c2eed13a1513a55af15bafcd4266955a6cdca8c56ff3edf1fe571fe +size 82513881 diff --git a/Computer_Vision/regnety_040_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnety_040_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..de33c306e --- /dev/null +++ b/Computer_Vision/regnety_040_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.5000290870666504 + set_success: 0.016721010208129883 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnety_040_timm_7c977819/onnx/regnety_040_timm_7c977819-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnety_040.py +class: RegNet +hash: af9dc9eb +model_name: regnety_040 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 80579.9941 +onnx_ops_counter: + Add: 22 + Conv: 115 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 22 + ReduceMean: 22 + Relu: 89 + Sigmoid: 22 +parameters: 20646656 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnety_064_Opset16_timm/regnety_064_Opset16.onnx b/Computer_Vision/regnety_064_Opset16_timm/regnety_064_Opset16.onnx new file mode 100644 index 000000000..b2a96ee0e --- /dev/null +++ b/Computer_Vision/regnety_064_Opset16_timm/regnety_064_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e9d2b3a84c5deb48f4171c857953dba2949a1b221f5c55e28445e5cb3e7c8305 +size 122226966 diff --git a/Computer_Vision/regnety_064_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnety_064_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2d45f8005 --- /dev/null +++ b/Computer_Vision/regnety_064_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.1770613193511963 + set_success: 0.016808271408081055 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnety_064_timm_6f205c6e/onnx/regnety_064_timm_6f205c6e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnety_064.py +class: RegNet +hash: b5ee5f30 +model_name: regnety_064 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 119362.3037 +onnx_ops_counter: + Add: 25 + Conv: 130 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 25 + ReduceMean: 25 + Relu: 101 + Sigmoid: 25 +parameters: 30583252 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnety_064_Opset17_timm/regnety_064_Opset17.onnx b/Computer_Vision/regnety_064_Opset17_timm/regnety_064_Opset17.onnx new file mode 100644 index 000000000..07c0e03ca --- /dev/null +++ b/Computer_Vision/regnety_064_Opset17_timm/regnety_064_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eacd5f659ce081988be29bc9f980e1a848033238d7415a276094067bc8245822 +size 122226966 diff --git a/Computer_Vision/regnety_064_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnety_064_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d85b0ea60 --- /dev/null +++ b/Computer_Vision/regnety_064_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.5212950706481934 + set_success: 0.021857738494873047 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnety_064_timm_6f205c6e/onnx/regnety_064_timm_6f205c6e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnety_064.py +class: RegNet +hash: b5ee5f30 +model_name: regnety_064 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 119362.3037 +onnx_ops_counter: + Add: 25 + Conv: 130 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 25 + ReduceMean: 25 + Relu: 101 + Sigmoid: 25 +parameters: 30583252 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnety_080_Opset16_timm/regnety_080_Opset16.onnx b/Computer_Vision/regnety_080_Opset16_timm/regnety_080_Opset16.onnx new file mode 100644 index 000000000..226780936 --- /dev/null +++ b/Computer_Vision/regnety_080_Opset16_timm/regnety_080_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d16677c24e9c3ecc8506caf90d3478c534569650a715c23704a82cbe930e8d27 +size 156589167 diff --git a/Computer_Vision/regnety_080_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnety_080_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4b5d376eb --- /dev/null +++ b/Computer_Vision/regnety_080_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.8315389156341553 + set_success: 0.017717838287353516 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnety_080_timm_011c1cee/onnx/regnety_080_timm_011c1cee-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnety_080.py +class: RegNet +hash: e6e4db56 +model_name: regnety_080 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 152919.1406 +onnx_ops_counter: + Add: 17 + Conv: 90 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 17 + ReduceMean: 17 + Relu: 69 + Sigmoid: 17 +parameters: 39180068 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnety_080_Opset17_timm/regnety_080_Opset17.onnx b/Computer_Vision/regnety_080_Opset17_timm/regnety_080_Opset17.onnx new file mode 100644 index 000000000..b217ff8a8 --- /dev/null +++ b/Computer_Vision/regnety_080_Opset17_timm/regnety_080_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae57e526af07b3b1b34073793e69b1584f85076074afbdb1be39e5b2563f6f78 +size 156589167 diff --git a/Computer_Vision/regnety_080_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnety_080_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7824d9d86 --- /dev/null +++ b/Computer_Vision/regnety_080_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.857354164123535 + set_success: 0.017209529876708984 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnety_080_timm_011c1cee/onnx/regnety_080_timm_011c1cee-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnety_080.py +class: RegNet +hash: e6e4db56 +model_name: regnety_080 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 152919.1406 +onnx_ops_counter: + Add: 17 + Conv: 90 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 17 + ReduceMean: 17 + Relu: 69 + Sigmoid: 17 +parameters: 39180068 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnety_120_Opset16_timm/regnety_120_Opset16.onnx b/Computer_Vision/regnety_120_Opset16_timm/regnety_120_Opset16.onnx new file mode 100644 index 000000000..13c10e86d --- /dev/null +++ b/Computer_Vision/regnety_120_Opset16_timm/regnety_120_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b8232afb972ab8a679dad51a7643723ea29c2b1a3f96546b8905daca09d7081 +size 207142355 diff --git a/Computer_Vision/regnety_120_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnety_120_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1b431eaf1 --- /dev/null +++ b/Computer_Vision/regnety_120_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.3943705558776855 + set_success: 0.017292261123657227 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnety_120_timm_ec6f9291/onnx/regnety_120_timm_ec6f9291-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnety_120.py +class: RegNet +hash: 4d610986 +model_name: regnety_120 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 202287.4883 +onnx_ops_counter: + Add: 19 + Conv: 100 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 19 + ReduceMean: 19 + Relu: 77 + Sigmoid: 19 +parameters: 51822544 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnety_120_Opset17_timm/regnety_120_Opset17.onnx b/Computer_Vision/regnety_120_Opset17_timm/regnety_120_Opset17.onnx new file mode 100644 index 000000000..046701dda --- /dev/null +++ b/Computer_Vision/regnety_120_Opset17_timm/regnety_120_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d861cbd2b985b940f34e0a37dde834386637c366779984a17b0cac78cba6c546 +size 207142355 diff --git a/Computer_Vision/regnety_120_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnety_120_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..576186458 --- /dev/null +++ b/Computer_Vision/regnety_120_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.5642688274383545 + set_success: 0.018002986907958984 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnety_120_timm_ec6f9291/onnx/regnety_120_timm_ec6f9291-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnety_120.py +class: RegNet +hash: 4d610986 +model_name: regnety_120 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 202287.4883 +onnx_ops_counter: + Add: 19 + Conv: 100 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 19 + ReduceMean: 19 + Relu: 77 + Sigmoid: 19 +parameters: 51822544 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnety_160_Opset16_timm/regnety_160_Opset16.onnx b/Computer_Vision/regnety_160_Opset16_timm/regnety_160_Opset16.onnx new file mode 100644 index 000000000..0c2d16ab2 --- /dev/null +++ b/Computer_Vision/regnety_160_Opset16_timm/regnety_160_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c8c69a22531797f63bf9673929f22620ae8f56c7e47854363596380b70370a8 +size 334157641 diff --git a/Computer_Vision/regnety_160_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnety_160_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0dd03c3a3 --- /dev/null +++ b/Computer_Vision/regnety_160_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.571448087692261 + set_success: 0.017652511596679688 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnety_160_timm_5835b9d8/onnx/regnety_160_timm_5835b9d8-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnety_160.py +class: RegNet +hash: 6053239b +model_name: regnety_160 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 326325.8535 +onnx_ops_counter: + Add: 18 + Conv: 95 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 18 + ReduceMean: 18 + Relu: 73 + Sigmoid: 18 +parameters: 83590140 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnety_160_Opset17_timm/regnety_160_Opset17.onnx b/Computer_Vision/regnety_160_Opset17_timm/regnety_160_Opset17.onnx new file mode 100644 index 000000000..caccf49e7 --- /dev/null +++ b/Computer_Vision/regnety_160_Opset17_timm/regnety_160_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b30a8df82aa4bca6f82b89034247c43566b15cb981b049bcd1a8df1bc817cc49 +size 334157641 diff --git a/Computer_Vision/regnety_160_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnety_160_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cf7b83185 --- /dev/null +++ b/Computer_Vision/regnety_160_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.5103442668914795 + set_success: 0.01766371726989746 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnety_160_timm_5835b9d8/onnx/regnety_160_timm_5835b9d8-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnety_160.py +class: RegNet +hash: 6053239b +model_name: regnety_160 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 326325.8535 +onnx_ops_counter: + Add: 18 + Conv: 95 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 18 + ReduceMean: 18 + Relu: 73 + Sigmoid: 18 +parameters: 83590140 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnety_320_Opset16_timm/regnety_320_Opset16.onnx b/Computer_Vision/regnety_320_Opset16_timm/regnety_320_Opset16.onnx new file mode 100644 index 000000000..afb5d13d5 --- /dev/null +++ b/Computer_Vision/regnety_320_Opset16_timm/regnety_320_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1131d76f874391606d8088b61f7742c273143e4a0255ea0d2d0eceee7c9eb06d +size 579917810 diff --git a/Computer_Vision/regnety_320_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnety_320_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5c564f3fe --- /dev/null +++ b/Computer_Vision/regnety_320_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.6154515743255615 + set_success: 0.01957869529724121 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnety_320_timm_2f411d40/onnx/regnety_320_timm_2f411d40-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnety_320.py +class: RegNet +hash: ef165afc +model_name: regnety_320 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 566326.0186 +onnx_ops_counter: + Add: 20 + Conv: 105 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 20 + ReduceMean: 20 + Relu: 81 + Sigmoid: 20 +parameters: 145046770 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnety_320_Opset17_timm/regnety_320_Opset17.onnx b/Computer_Vision/regnety_320_Opset17_timm/regnety_320_Opset17.onnx new file mode 100644 index 000000000..d02e04127 --- /dev/null +++ b/Computer_Vision/regnety_320_Opset17_timm/regnety_320_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b7701cf2a740ec1e126a23878f10433ada5b76142fca24a038b7c67611c828f6 +size 579917810 diff --git a/Computer_Vision/regnety_320_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnety_320_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a2490045b --- /dev/null +++ b/Computer_Vision/regnety_320_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.5878589153289795 + set_success: 0.023082494735717773 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnety_320_timm_2f411d40/onnx/regnety_320_timm_2f411d40-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnety_320.py +class: RegNet +hash: ef165afc +model_name: regnety_320 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 566326.0186 +onnx_ops_counter: + Add: 20 + Conv: 105 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 20 + ReduceMean: 20 + Relu: 81 + Sigmoid: 20 +parameters: 145046770 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetz_040_Opset16_timm/regnetz_040_Opset16.onnx b/Computer_Vision/regnetz_040_Opset16_timm/regnetz_040_Opset16.onnx new file mode 100644 index 000000000..e7d997a68 --- /dev/null +++ b/Computer_Vision/regnetz_040_Opset16_timm/regnetz_040_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3298570c8b949daadf11861e847114a362da97c6610e8dadb74b96c51459f676 +size 108279709 diff --git a/Computer_Vision/regnetz_040_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnetz_040_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ab5604e67 --- /dev/null +++ b/Computer_Vision/regnetz_040_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.462193489074707 + set_success: 0.01828908920288086 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetz_040_timm_cdbc332e/onnx/regnetz_040_timm_cdbc332e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetz_040.py +class: RegNet +hash: 69eefcdd +model_name: regnetz_040 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 105741.9355 +onnx_ops_counter: + Add: 24 + Conv: 141 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 114 + ReduceMean: 28 + Sigmoid: 114 +parameters: 27116800 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetz_040_Opset17_timm/regnetz_040_Opset17.onnx b/Computer_Vision/regnetz_040_Opset17_timm/regnetz_040_Opset17.onnx new file mode 100644 index 000000000..07e166379 --- /dev/null +++ b/Computer_Vision/regnetz_040_Opset17_timm/regnetz_040_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d73ba92d586779acf13f7247190cdf3d51df6c6b8bbaf1926cc772ef01857c74 +size 108279709 diff --git a/Computer_Vision/regnetz_040_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnetz_040_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ba66654b2 --- /dev/null +++ b/Computer_Vision/regnetz_040_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.5396111011505127 + set_success: 0.019459962844848633 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetz_040_timm_cdbc332e/onnx/regnetz_040_timm_cdbc332e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetz_040.py +class: RegNet +hash: 69eefcdd +model_name: regnetz_040 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 105741.9355 +onnx_ops_counter: + Add: 24 + Conv: 141 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 114 + ReduceMean: 28 + Sigmoid: 114 +parameters: 27116800 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetz_040h_Opset16_timm/regnetz_040h_Opset16.onnx b/Computer_Vision/regnetz_040h_Opset16_timm/regnetz_040h_Opset16.onnx new file mode 100644 index 000000000..a4a38f208 --- /dev/null +++ b/Computer_Vision/regnetz_040h_Opset16_timm/regnetz_040h_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a2c39c959deb3309f206dc336a2d7f7b2714deb12e1d48ff7969f8651a6860b +size 115562230 diff --git a/Computer_Vision/regnetz_040h_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnetz_040h_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b3c1d8f68 --- /dev/null +++ b/Computer_Vision/regnetz_040h_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.6399924755096436 + set_success: 0.020458698272705078 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetz_040h_timm_f101cb7f/onnx/regnetz_040h_timm_f101cb7f-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetz_040h.py +class: RegNet +hash: 27f06dc8 +model_name: regnetz_040h +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 112853.7725 +onnx_ops_counter: + Add: 24 + Conv: 142 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 114 + ReduceMean: 28 + Sigmoid: 114 +parameters: 28938880 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetz_040h_Opset17_timm/regnetz_040h_Opset17.onnx b/Computer_Vision/regnetz_040h_Opset17_timm/regnetz_040h_Opset17.onnx new file mode 100644 index 000000000..a7db6fc9c --- /dev/null +++ b/Computer_Vision/regnetz_040h_Opset17_timm/regnetz_040h_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23fcb61048b7c1a4e1b50a27366f9988be7d9eadfe60044b6a71ac7cf62afa07 +size 115562230 diff --git a/Computer_Vision/regnetz_040h_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnetz_040h_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b08f44640 --- /dev/null +++ b/Computer_Vision/regnetz_040h_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.595670461654663 + set_success: 0.0208284854888916 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetz_040h_timm_f101cb7f/onnx/regnetz_040h_timm_f101cb7f-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetz_040h.py +class: RegNet +hash: 27f06dc8 +model_name: regnetz_040h +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 112853.7725 +onnx_ops_counter: + Add: 24 + Conv: 142 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 114 + ReduceMean: 28 + Sigmoid: 114 +parameters: 28938880 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetz_b16_Opset16_timm/regnetz_b16_Opset16.onnx b/Computer_Vision/regnetz_b16_Opset16_timm/regnetz_b16_Opset16.onnx new file mode 100644 index 000000000..5ca3e8c24 --- /dev/null +++ b/Computer_Vision/regnetz_b16_Opset16_timm/regnetz_b16_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85844af2e5d1b901f152d0e5a9232090575886ecde5c5a9b2ef1c8d276e1cdc3 +size 38842893 diff --git a/Computer_Vision/regnetz_b16_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnetz_b16_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..23c862a02 --- /dev/null +++ b/Computer_Vision/regnetz_b16_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.068089246749878 + set_success: 0.016799449920654297 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetz_b16_timm_79c94850/onnx/regnetz_b16_timm_79c94850-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetz_b16.py +class: ByobNet +hash: 2d735ee1 +model_name: regnetz_b16 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 37932.5449 +onnx_ops_counter: + Add: 18 + Conv: 112 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 68 + ReduceMean: 22 + Relu: 22 + Sigmoid: 68 +parameters: 9715480 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetz_b16_Opset17_timm/regnetz_b16_Opset17.onnx b/Computer_Vision/regnetz_b16_Opset17_timm/regnetz_b16_Opset17.onnx new file mode 100644 index 000000000..490a66349 --- /dev/null +++ b/Computer_Vision/regnetz_b16_Opset17_timm/regnetz_b16_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d4b54f73c0140f0d38cc52b2f86fab6a5caec6a22cf411a8960af68eedd39fc +size 38842893 diff --git a/Computer_Vision/regnetz_b16_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnetz_b16_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..88eb2612e --- /dev/null +++ b/Computer_Vision/regnetz_b16_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0171749591827393 + set_success: 0.017660856246948242 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetz_b16_timm_79c94850/onnx/regnetz_b16_timm_79c94850-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetz_b16.py +class: ByobNet +hash: 2d735ee1 +model_name: regnetz_b16 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 37932.5449 +onnx_ops_counter: + Add: 18 + Conv: 112 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 68 + ReduceMean: 22 + Relu: 22 + Sigmoid: 68 +parameters: 9715480 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetz_c16_Opset16_timm/regnetz_c16_Opset16.onnx b/Computer_Vision/regnetz_c16_Opset16_timm/regnetz_c16_Opset16.onnx new file mode 100644 index 000000000..88d48febb --- /dev/null +++ b/Computer_Vision/regnetz_c16_Opset16_timm/regnetz_c16_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0262140c81c8d514bd8ea1f5683bb7daa3f0f8ffb5f6954f8f69054fd6838c1 +size 53794140 diff --git a/Computer_Vision/regnetz_c16_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnetz_c16_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a826f78b4 --- /dev/null +++ b/Computer_Vision/regnetz_c16_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.6136550903320312 + set_success: 0.02689337730407715 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetz_c16_timm_39adf2b2/onnx/regnetz_c16_timm_39adf2b2-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetz_c16.py +class: ByobNet +hash: fd5c7b6c +model_name: regnetz_c16 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 52533.3721 +onnx_ops_counter: + Add: 18 + Conv: 112 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 68 + ReduceMean: 22 + Relu: 22 + Sigmoid: 68 +parameters: 13459880 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetz_c16_Opset17_timm/regnetz_c16_Opset17.onnx b/Computer_Vision/regnetz_c16_Opset17_timm/regnetz_c16_Opset17.onnx new file mode 100644 index 000000000..0b6e39fa4 --- /dev/null +++ b/Computer_Vision/regnetz_c16_Opset17_timm/regnetz_c16_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35bafa8998cfff02a81664e738c022f80044c50f6bd61508fe1279e11d9c23f9 +size 53794140 diff --git a/Computer_Vision/regnetz_c16_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnetz_c16_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7bf7c6e48 --- /dev/null +++ b/Computer_Vision/regnetz_c16_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.2702956199645996 + set_success: 0.019101619720458984 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetz_c16_timm_39adf2b2/onnx/regnetz_c16_timm_39adf2b2-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetz_c16.py +class: ByobNet +hash: fd5c7b6c +model_name: regnetz_c16 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 52533.3721 +onnx_ops_counter: + Add: 18 + Conv: 112 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 68 + ReduceMean: 22 + Relu: 22 + Sigmoid: 68 +parameters: 13459880 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetz_c16_evos_Opset16_timm/regnetz_c16_evos_Opset16.onnx b/Computer_Vision/regnetz_c16_evos_Opset16_timm/regnetz_c16_evos_Opset16.onnx new file mode 100644 index 000000000..349518565 --- /dev/null +++ b/Computer_Vision/regnetz_c16_evos_Opset16_timm/regnetz_c16_evos_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:831da964d73e014f69cbfb55e7b60eadabd0b61a82333c5aaa360cd3f0bcf627 +size 54382722 diff --git a/Computer_Vision/regnetz_c16_evos_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnetz_c16_evos_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..38e07aecd --- /dev/null +++ b/Computer_Vision/regnetz_c16_evos_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.762093544006348 + set_success: 0.02747344970703125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetz_c16_evos_timm_b49ef9d0/onnx/regnetz_c16_evos_timm_b49ef9d0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetz_c16_evos.py +class: ByobNet +hash: a6e1afd9 +model_name: regnetz_c16_evos +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 53108.1592 +onnx_ops_counter: + Add: 154 + Cast: 136 + Constant: 408 + ConstantOfShape: 68 + Conv: 112 + Div: 68 + Equal: 68 + Expand: 68 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 318 + ReduceMean: 158 + Relu: 22 + Reshape: 136 + Sigmoid: 68 + Sqrt: 68 + Sub: 68 + Where: 68 +parameters: 13487816 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetz_c16_evos_Opset17_timm/regnetz_c16_evos_Opset17.onnx b/Computer_Vision/regnetz_c16_evos_Opset17_timm/regnetz_c16_evos_Opset17.onnx new file mode 100644 index 000000000..a7e221b69 --- /dev/null +++ b/Computer_Vision/regnetz_c16_evos_Opset17_timm/regnetz_c16_evos_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:92ebf0d23a2c678278948c0b404c97b1b586739de73f3108286e6beb18b5a6dd +size 54382722 diff --git a/Computer_Vision/regnetz_c16_evos_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnetz_c16_evos_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8c7b09eb3 --- /dev/null +++ b/Computer_Vision/regnetz_c16_evos_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.516523599624634 + set_success: 0.02167677879333496 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetz_c16_evos_timm_b49ef9d0/onnx/regnetz_c16_evos_timm_b49ef9d0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetz_c16_evos.py +class: ByobNet +hash: a6e1afd9 +model_name: regnetz_c16_evos +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 53108.1592 +onnx_ops_counter: + Add: 154 + Cast: 136 + Constant: 408 + ConstantOfShape: 68 + Conv: 112 + Div: 68 + Equal: 68 + Expand: 68 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 318 + ReduceMean: 158 + Relu: 22 + Reshape: 136 + Sigmoid: 68 + Sqrt: 68 + Sub: 68 + Where: 68 +parameters: 13487816 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetz_d32_Opset16_timm/regnetz_d32_Opset16.onnx b/Computer_Vision/regnetz_d32_Opset16_timm/regnetz_d32_Opset16.onnx new file mode 100644 index 000000000..11609b657 --- /dev/null +++ b/Computer_Vision/regnetz_d32_Opset16_timm/regnetz_d32_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e36a054a88f6caf5a0df1ddb05bb1c211ad3a9f5856ffa7db47d2acc60e67a4 +size 110210377 diff --git a/Computer_Vision/regnetz_d32_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnetz_d32_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4615b787c --- /dev/null +++ b/Computer_Vision/regnetz_d32_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.1361236572265625 + set_success: 0.02040243148803711 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetz_d32_timm_fda36449/onnx/regnetz_d32_timm_fda36449-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetz_d32.py +class: ByobNet +hash: 71016e93 +model_name: regnetz_d32 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 107627.3535 +onnx_ops_counter: + Add: 21 + Conv: 124 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 76 + ReduceMean: 24 + Relu: 24 + Sigmoid: 76 +parameters: 27576288 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetz_d32_Opset17_timm/regnetz_d32_Opset17.onnx b/Computer_Vision/regnetz_d32_Opset17_timm/regnetz_d32_Opset17.onnx new file mode 100644 index 000000000..de19accdc --- /dev/null +++ b/Computer_Vision/regnetz_d32_Opset17_timm/regnetz_d32_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b02f747110ea5799f2663ddf5565f945088a3ff64d58dff8da37634929f4a636 +size 110210377 diff --git a/Computer_Vision/regnetz_d32_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnetz_d32_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0c2b633c2 --- /dev/null +++ b/Computer_Vision/regnetz_d32_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.125964879989624 + set_success: 0.020648717880249023 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetz_d32_timm_fda36449/onnx/regnetz_d32_timm_fda36449-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetz_d32.py +class: ByobNet +hash: 71016e93 +model_name: regnetz_d32 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 107627.3535 +onnx_ops_counter: + Add: 21 + Conv: 124 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 76 + ReduceMean: 24 + Relu: 24 + Sigmoid: 76 +parameters: 27576288 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetz_d8_Opset16_timm/regnetz_d8_Opset16.onnx b/Computer_Vision/regnetz_d8_Opset16_timm/regnetz_d8_Opset16.onnx new file mode 100644 index 000000000..df5031dee --- /dev/null +++ b/Computer_Vision/regnetz_d8_Opset16_timm/regnetz_d8_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8370429ee1b91bc71dbbdd7b8d900338e21f81da7dded0223d5166ff110b6c94 +size 93400407 diff --git a/Computer_Vision/regnetz_d8_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnetz_d8_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3f122a805 --- /dev/null +++ b/Computer_Vision/regnetz_d8_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.9355289936065674 + set_success: 0.019844532012939453 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetz_d8_timm_1d81e881/onnx/regnetz_d8_timm_1d81e881-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetz_d8.py +class: ByobNet +hash: d6f2650a +model_name: regnetz_d8 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 91211.3672 +onnx_ops_counter: + Add: 21 + Conv: 124 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 76 + ReduceMean: 24 + Relu: 24 + Sigmoid: 76 +parameters: 23373792 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetz_d8_Opset17_timm/regnetz_d8_Opset17.onnx b/Computer_Vision/regnetz_d8_Opset17_timm/regnetz_d8_Opset17.onnx new file mode 100644 index 000000000..8ddfc7ade --- /dev/null +++ b/Computer_Vision/regnetz_d8_Opset17_timm/regnetz_d8_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51f342407535c10becd7e0ea45f73bfbe7fcc37da208788f0595666cf3cf76b0 +size 93400407 diff --git a/Computer_Vision/regnetz_d8_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnetz_d8_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..55bdf5e6c --- /dev/null +++ b/Computer_Vision/regnetz_d8_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.947896718978882 + set_success: 0.019442081451416016 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetz_d8_timm_1d81e881/onnx/regnetz_d8_timm_1d81e881-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetz_d8.py +class: ByobNet +hash: d6f2650a +model_name: regnetz_d8 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 91211.3672 +onnx_ops_counter: + Add: 21 + Conv: 124 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 76 + ReduceMean: 24 + Relu: 24 + Sigmoid: 76 +parameters: 23373792 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetz_d8_evos_Opset16_timm/regnetz_d8_evos_Opset16.onnx b/Computer_Vision/regnetz_d8_evos_Opset16_timm/regnetz_d8_evos_Opset16.onnx new file mode 100644 index 000000000..6d0397491 --- /dev/null +++ b/Computer_Vision/regnetz_d8_evos_Opset16_timm/regnetz_d8_evos_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:02bcacfe56b6bb889bc12c0ac12e163e7d81730b3dd6e7dec51c40cb3bcf31ae +size 94335359 diff --git a/Computer_Vision/regnetz_d8_evos_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnetz_d8_evos_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b9e418508 --- /dev/null +++ b/Computer_Vision/regnetz_d8_evos_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 20.02287220954895 + set_success: 0.024898529052734375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetz_d8_evos_timm_8db7cfc8/onnx/regnetz_d8_evos_timm_8db7cfc8-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetz_d8_evos.py +class: ByobNet +hash: 3ac94884 +model_name: regnetz_d8_evos +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 92124.4062 +onnx_ops_counter: + Add: 173 + Cast: 152 + Constant: 456 + ConstantOfShape: 76 + Conv: 124 + Div: 76 + Equal: 76 + Expand: 76 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 356 + ReduceMean: 176 + Relu: 24 + Reshape: 152 + Sigmoid: 76 + Sqrt: 76 + Sub: 76 + Where: 76 +parameters: 23464296 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetz_d8_evos_Opset17_timm/regnetz_d8_evos_Opset17.onnx b/Computer_Vision/regnetz_d8_evos_Opset17_timm/regnetz_d8_evos_Opset17.onnx new file mode 100644 index 000000000..81397e990 --- /dev/null +++ b/Computer_Vision/regnetz_d8_evos_Opset17_timm/regnetz_d8_evos_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:347c7e78a6a4b50bc1d14d91500c6e4e52e9387843f5d5ceabad3c21e92e9857 +size 94335359 diff --git a/Computer_Vision/regnetz_d8_evos_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnetz_d8_evos_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..04395be73 --- /dev/null +++ b/Computer_Vision/regnetz_d8_evos_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 21.763549327850342 + set_success: 0.028654098510742188 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetz_d8_evos_timm_8db7cfc8/onnx/regnetz_d8_evos_timm_8db7cfc8-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetz_d8_evos.py +class: ByobNet +hash: 3ac94884 +model_name: regnetz_d8_evos +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 92124.4062 +onnx_ops_counter: + Add: 173 + Cast: 152 + Constant: 456 + ConstantOfShape: 76 + Conv: 124 + Div: 76 + Equal: 76 + Expand: 76 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 356 + ReduceMean: 176 + Relu: 24 + Reshape: 152 + Sigmoid: 76 + Sqrt: 76 + Sub: 76 + Where: 76 +parameters: 23464296 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetz_e8_Opset16_timm/regnetz_e8_Opset16.onnx b/Computer_Vision/regnetz_e8_Opset16_timm/regnetz_e8_Opset16.onnx new file mode 100644 index 000000000..2c2b7a716 --- /dev/null +++ b/Computer_Vision/regnetz_e8_Opset16_timm/regnetz_e8_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb24943f6e298fa23d0efe0b4831685379766c7c155545385de201e619a8b07d +size 230567469 diff --git a/Computer_Vision/regnetz_e8_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/regnetz_e8_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..723ec8a1d --- /dev/null +++ b/Computer_Vision/regnetz_e8_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.152653217315674 + set_success: 0.025548219680786133 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetz_e8_timm_c1e1ccd9/onnx/regnetz_e8_timm_c1e1ccd9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetz_e8.py +class: ByobNet +hash: f2df2800 +model_name: regnetz_e8 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 225163.5762 +onnx_ops_counter: + Add: 26 + Conv: 154 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 94 + ReduceMean: 30 + Relu: 30 + Sigmoid: 94 +parameters: 57698176 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/regnetz_e8_Opset17_timm/regnetz_e8_Opset17.onnx b/Computer_Vision/regnetz_e8_Opset17_timm/regnetz_e8_Opset17.onnx new file mode 100644 index 000000000..23af68bdf --- /dev/null +++ b/Computer_Vision/regnetz_e8_Opset17_timm/regnetz_e8_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4251fed4c374e102fc29a914b27f7eb4c9ff8a60cb814b4bd628684e61b49418 +size 230567469 diff --git a/Computer_Vision/regnetz_e8_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/regnetz_e8_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7eaf511cd --- /dev/null +++ b/Computer_Vision/regnetz_e8_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.240358114242554 + set_success: 0.02311849594116211 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/regnetz_e8_timm_c1e1ccd9/onnx/regnetz_e8_timm_c1e1ccd9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/regnetz_e8.py +class: ByobNet +hash: f2df2800 +model_name: regnetz_e8 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 225163.5762 +onnx_ops_counter: + Add: 26 + Conv: 154 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 94 + ReduceMean: 30 + Relu: 30 + Sigmoid: 94 +parameters: 57698176 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/repvgg_a2_Opset16_timm/repvgg_a2_Opset16.onnx b/Computer_Vision/repvgg_a2_Opset16_timm/repvgg_a2_Opset16.onnx new file mode 100644 index 000000000..ddaf7ae0f --- /dev/null +++ b/Computer_Vision/repvgg_a2_Opset16_timm/repvgg_a2_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e9dc02848c85668b4710fd04c73e784de030ec5708519e82df911855df4a281 +size 112860863 diff --git a/Computer_Vision/repvgg_a2_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/repvgg_a2_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..017a5d1ca --- /dev/null +++ b/Computer_Vision/repvgg_a2_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.806157112121582 + set_success: 0.018234729766845703 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/repvgg_a2_timm_3df708ba/onnx/repvgg_a2_timm_3df708ba-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/repvgg_a2.py +class: ByobNet +hash: cbbe7d03 +model_name: repvgg_a2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 110215.7188 +onnx_ops_counter: + Add: 39 + BatchNormalization: 17 + Conv: 44 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 22 +parameters: 28210600 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/repvgg_a2_Opset17_timm/repvgg_a2_Opset17.onnx b/Computer_Vision/repvgg_a2_Opset17_timm/repvgg_a2_Opset17.onnx new file mode 100644 index 000000000..ce8887cf6 --- /dev/null +++ b/Computer_Vision/repvgg_a2_Opset17_timm/repvgg_a2_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49b8926ce164e7c0d39976d6acf204836dc1307b1a7f5a3bc57dcbf246dd539b +size 112860863 diff --git a/Computer_Vision/repvgg_a2_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/repvgg_a2_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4c193a55a --- /dev/null +++ b/Computer_Vision/repvgg_a2_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7822773456573486 + set_success: 0.016001462936401367 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/repvgg_a2_timm_3df708ba/onnx/repvgg_a2_timm_3df708ba-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/repvgg_a2.py +class: ByobNet +hash: cbbe7d03 +model_name: repvgg_a2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 110215.7188 +onnx_ops_counter: + Add: 39 + BatchNormalization: 17 + Conv: 44 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 22 +parameters: 28210600 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/repvgg_a2_Opset18_timm/repvgg_a2_Opset18.onnx b/Computer_Vision/repvgg_a2_Opset18_timm/repvgg_a2_Opset18.onnx new file mode 100644 index 000000000..57e55dbb4 --- /dev/null +++ b/Computer_Vision/repvgg_a2_Opset18_timm/repvgg_a2_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8a08a41e71f6b9cb4c84996b965aa415cc58711495864d1743fd58b0905ab09 +size 112860863 diff --git a/Computer_Vision/repvgg_a2_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/repvgg_a2_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6c5a38b8e --- /dev/null +++ b/Computer_Vision/repvgg_a2_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7758073806762695 + set_success: 0.016693115234375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/repvgg_a2_timm_3df708ba/onnx/repvgg_a2_timm_3df708ba-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/repvgg_a2.py +class: ByobNet +hash: cbbe7d03 +model_name: repvgg_a2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 110215.7188 +onnx_ops_counter: + Add: 39 + BatchNormalization: 17 + Conv: 44 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 22 +parameters: 28210600 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/repvgg_b0_Opset16_timm/repvgg_b0_Opset16.onnx b/Computer_Vision/repvgg_b0_Opset16_timm/repvgg_b0_Opset16.onnx new file mode 100644 index 000000000..99a8ad19b --- /dev/null +++ b/Computer_Vision/repvgg_b0_Opset16_timm/repvgg_b0_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08b5c4fffde9c8c7b2e4ac657c3807c5474ce343d62e721cd03671a7d4e77f0b +size 63303775 diff --git a/Computer_Vision/repvgg_b0_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/repvgg_b0_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..87e69c278 --- /dev/null +++ b/Computer_Vision/repvgg_b0_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.5672993659973145 + set_success: 0.016257524490356445 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/repvgg_b0_timm_18d85f45/onnx/repvgg_b0_timm_18d85f45-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/repvgg_b0.py +class: ByobNet +hash: 3ee1a6ae +model_name: repvgg_b0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 61820.125 +onnx_ops_counter: + Add: 51 + BatchNormalization: 23 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 28 +parameters: 15817960 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/repvgg_b0_Opset17_timm/repvgg_b0_Opset17.onnx b/Computer_Vision/repvgg_b0_Opset17_timm/repvgg_b0_Opset17.onnx new file mode 100644 index 000000000..033f1de18 --- /dev/null +++ b/Computer_Vision/repvgg_b0_Opset17_timm/repvgg_b0_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e337fbdb637400676ab4f6d5cc1e747d16fff4d4ab8b556cee652a96da27ee83 +size 63303775 diff --git a/Computer_Vision/repvgg_b0_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/repvgg_b0_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..57e3d9efd --- /dev/null +++ b/Computer_Vision/repvgg_b0_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.6208932399749756 + set_success: 0.015227794647216797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/repvgg_b0_timm_18d85f45/onnx/repvgg_b0_timm_18d85f45-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/repvgg_b0.py +class: ByobNet +hash: 3ee1a6ae +model_name: repvgg_b0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 61820.125 +onnx_ops_counter: + Add: 51 + BatchNormalization: 23 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 28 +parameters: 15817960 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/repvgg_b0_Opset18_timm/repvgg_b0_Opset18.onnx b/Computer_Vision/repvgg_b0_Opset18_timm/repvgg_b0_Opset18.onnx new file mode 100644 index 000000000..bf9e65144 --- /dev/null +++ b/Computer_Vision/repvgg_b0_Opset18_timm/repvgg_b0_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:129990f1252993899793eae42807949144808d4edeb64982bfe5d4c5b3806d50 +size 63303775 diff --git a/Computer_Vision/repvgg_b0_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/repvgg_b0_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b243d0308 --- /dev/null +++ b/Computer_Vision/repvgg_b0_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.5904905796051025 + set_success: 0.02039647102355957 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/repvgg_b0_timm_18d85f45/onnx/repvgg_b0_timm_18d85f45-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/repvgg_b0.py +class: ByobNet +hash: 3ee1a6ae +model_name: repvgg_b0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 61820.125 +onnx_ops_counter: + Add: 51 + BatchNormalization: 23 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 28 +parameters: 15817960 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/repvgg_b1_Opset16_timm/repvgg_b1_Opset16.onnx b/Computer_Vision/repvgg_b1_Opset16_timm/repvgg_b1_Opset16.onnx new file mode 100644 index 000000000..6a97991c5 --- /dev/null +++ b/Computer_Vision/repvgg_b1_Opset16_timm/repvgg_b1_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e7fbe39fc891a052697904b1a8a5fb5b81a81a98f08e2cff76cf79996d7e265 +size 229682321 diff --git a/Computer_Vision/repvgg_b1_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/repvgg_b1_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1ea108ad5 --- /dev/null +++ b/Computer_Vision/repvgg_b1_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.265939235687256 + set_success: 0.01655125617980957 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/repvgg_b1_timm_800bae65/onnx/repvgg_b1_timm_800bae65-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/repvgg_b1.py +class: ByobNet +hash: b0951feb +model_name: repvgg_b1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 224299.1738 +onnx_ops_counter: + Add: 51 + BatchNormalization: 23 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 28 +parameters: 57415016 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/repvgg_b1_Opset17_timm/repvgg_b1_Opset17.onnx b/Computer_Vision/repvgg_b1_Opset17_timm/repvgg_b1_Opset17.onnx new file mode 100644 index 000000000..9bbe8a34b --- /dev/null +++ b/Computer_Vision/repvgg_b1_Opset17_timm/repvgg_b1_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:12a24042bf4154e9ad95e3eafaf08b016196afe36395110045a1ffbd52040403 +size 229682321 diff --git a/Computer_Vision/repvgg_b1_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/repvgg_b1_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..339c6f84a --- /dev/null +++ b/Computer_Vision/repvgg_b1_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.3085575103759766 + set_success: 0.016811847686767578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/repvgg_b1_timm_800bae65/onnx/repvgg_b1_timm_800bae65-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/repvgg_b1.py +class: ByobNet +hash: b0951feb +model_name: repvgg_b1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 224299.1738 +onnx_ops_counter: + Add: 51 + BatchNormalization: 23 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 28 +parameters: 57415016 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/repvgg_b1_Opset18_timm/repvgg_b1_Opset18.onnx b/Computer_Vision/repvgg_b1_Opset18_timm/repvgg_b1_Opset18.onnx new file mode 100644 index 000000000..075c2f245 --- /dev/null +++ b/Computer_Vision/repvgg_b1_Opset18_timm/repvgg_b1_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b20b520578168b44ca4c4c307a2556f099f62ae3c56385cfad12edd2baee232 +size 229682321 diff --git a/Computer_Vision/repvgg_b1_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/repvgg_b1_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..96a648876 --- /dev/null +++ b/Computer_Vision/repvgg_b1_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.217104911804199 + set_success: 0.018369197845458984 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/repvgg_b1_timm_800bae65/onnx/repvgg_b1_timm_800bae65-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/repvgg_b1.py +class: ByobNet +hash: b0951feb +model_name: repvgg_b1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 224299.1738 +onnx_ops_counter: + Add: 51 + BatchNormalization: 23 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 28 +parameters: 57415016 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/repvgg_b1g4_Opset16_timm/repvgg_b1g4_Opset16.onnx b/Computer_Vision/repvgg_b1g4_Opset16_timm/repvgg_b1g4_Opset16.onnx new file mode 100644 index 000000000..13f1b1c04 --- /dev/null +++ b/Computer_Vision/repvgg_b1g4_Opset16_timm/repvgg_b1g4_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f7c6afc6ecc614abe2ee351c11978955dac8864197a2f219f0251062322b0ec1 +size 159886465 diff --git a/Computer_Vision/repvgg_b1g4_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/repvgg_b1g4_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..37dfa383c --- /dev/null +++ b/Computer_Vision/repvgg_b1g4_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.760942220687866 + set_success: 0.020575284957885742 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/repvgg_b1g4_timm_81e6bfca/onnx/repvgg_b1g4_timm_81e6bfca-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/repvgg_b1g4.py +class: ByobNet +hash: 6f462fed +model_name: repvgg_b1g4 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 156139.1582 +onnx_ops_counter: + Add: 51 + BatchNormalization: 23 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 28 +parameters: 39966056 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/repvgg_b1g4_Opset17_timm/repvgg_b1g4_Opset17.onnx b/Computer_Vision/repvgg_b1g4_Opset17_timm/repvgg_b1g4_Opset17.onnx new file mode 100644 index 000000000..5cfb3d5ae --- /dev/null +++ b/Computer_Vision/repvgg_b1g4_Opset17_timm/repvgg_b1g4_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:586bce254c37bef09c18eeff34f9c5e01285cc3b1b2d894ca212d168fbd2e5c8 +size 159886465 diff --git a/Computer_Vision/repvgg_b1g4_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/repvgg_b1g4_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2c9dc2888 --- /dev/null +++ b/Computer_Vision/repvgg_b1g4_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.6305527687072754 + set_success: 0.016865015029907227 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/repvgg_b1g4_timm_81e6bfca/onnx/repvgg_b1g4_timm_81e6bfca-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/repvgg_b1g4.py +class: ByobNet +hash: 6f462fed +model_name: repvgg_b1g4 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 156139.1582 +onnx_ops_counter: + Add: 51 + BatchNormalization: 23 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 28 +parameters: 39966056 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/repvgg_b1g4_Opset18_timm/repvgg_b1g4_Opset18.onnx b/Computer_Vision/repvgg_b1g4_Opset18_timm/repvgg_b1g4_Opset18.onnx new file mode 100644 index 000000000..1d70dd0ea --- /dev/null +++ b/Computer_Vision/repvgg_b1g4_Opset18_timm/repvgg_b1g4_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:68f07536837b06f44eed8190665b6a62bc1ff24f6708e60e8bcb35d51f1d575c +size 159886465 diff --git a/Computer_Vision/repvgg_b1g4_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/repvgg_b1g4_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..75658933b --- /dev/null +++ b/Computer_Vision/repvgg_b1g4_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.57419490814209 + set_success: 0.017386674880981445 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/repvgg_b1g4_timm_81e6bfca/onnx/repvgg_b1g4_timm_81e6bfca-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/repvgg_b1g4.py +class: ByobNet +hash: 6f462fed +model_name: repvgg_b1g4 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 156139.1582 +onnx_ops_counter: + Add: 51 + BatchNormalization: 23 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 28 +parameters: 39966056 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/repvgg_b2_Opset16_timm/repvgg_b2_Opset16.onnx b/Computer_Vision/repvgg_b2_Opset16_timm/repvgg_b2_Opset16.onnx new file mode 100644 index 000000000..f285125aa --- /dev/null +++ b/Computer_Vision/repvgg_b2_Opset16_timm/repvgg_b2_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f7fefaa52fe6292226d4b240a29c44d47ed74cfbbaf8c0741556c86447fcbc6 +size 356105874 diff --git a/Computer_Vision/repvgg_b2_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/repvgg_b2_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..78282b27b --- /dev/null +++ b/Computer_Vision/repvgg_b2_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.969085216522217 + set_success: 0.020544052124023438 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/repvgg_b2_timm_5d413eae/onnx/repvgg_b2_timm_5d413eae-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/repvgg_b2.py +class: ByobNet +hash: c31c430f +model_name: repvgg_b2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 347759.6748 +onnx_ops_counter: + Add: 51 + BatchNormalization: 23 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 28 +parameters: 89022376 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/repvgg_b2_Opset17_timm/repvgg_b2_Opset17.onnx b/Computer_Vision/repvgg_b2_Opset17_timm/repvgg_b2_Opset17.onnx new file mode 100644 index 000000000..1a3701d45 --- /dev/null +++ b/Computer_Vision/repvgg_b2_Opset17_timm/repvgg_b2_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adfc46236d5f4dec5ad7d7b243f8cb887069ea4b0b6677f0d2dda7648d51f850 +size 356105874 diff --git a/Computer_Vision/repvgg_b2_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/repvgg_b2_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4e2715dbb --- /dev/null +++ b/Computer_Vision/repvgg_b2_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.5942816734313965 + set_success: 0.01712965965270996 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/repvgg_b2_timm_5d413eae/onnx/repvgg_b2_timm_5d413eae-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/repvgg_b2.py +class: ByobNet +hash: c31c430f +model_name: repvgg_b2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 347759.6748 +onnx_ops_counter: + Add: 51 + BatchNormalization: 23 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 28 +parameters: 89022376 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/repvgg_b2_Opset18_timm/repvgg_b2_Opset18.onnx b/Computer_Vision/repvgg_b2_Opset18_timm/repvgg_b2_Opset18.onnx new file mode 100644 index 000000000..7cd932189 --- /dev/null +++ b/Computer_Vision/repvgg_b2_Opset18_timm/repvgg_b2_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c5defcbaadf34da98d18748a9f5d64f48a0af6864a060bc01e9a8e39b16313d +size 356105874 diff --git a/Computer_Vision/repvgg_b2_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/repvgg_b2_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5373fa4a8 --- /dev/null +++ b/Computer_Vision/repvgg_b2_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.4975502490997314 + set_success: 0.01678156852722168 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/repvgg_b2_timm_5d413eae/onnx/repvgg_b2_timm_5d413eae-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/repvgg_b2.py +class: ByobNet +hash: c31c430f +model_name: repvgg_b2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 347759.6748 +onnx_ops_counter: + Add: 51 + BatchNormalization: 23 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 28 +parameters: 89022376 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/repvgg_b2g4_Opset16_timm/repvgg_b2g4_Opset16.onnx b/Computer_Vision/repvgg_b2g4_Opset16_timm/repvgg_b2g4_Opset16.onnx new file mode 100644 index 000000000..4753625e8 --- /dev/null +++ b/Computer_Vision/repvgg_b2g4_Opset16_timm/repvgg_b2g4_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:732774a1dda23aae0090fdea528e3e4fbf273981296133ba92be4061c9537ec4 +size 247049857 diff --git a/Computer_Vision/repvgg_b2g4_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/repvgg_b2g4_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5576ea37f --- /dev/null +++ b/Computer_Vision/repvgg_b2g4_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.3896090984344482 + set_success: 0.016202688217163086 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/repvgg_b2g4_timm_7bf5d114/onnx/repvgg_b2g4_timm_7bf5d114-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/repvgg_b2g4.py +class: ByobNet +hash: ef3757a3 +model_name: repvgg_b2g4 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 241259.6582 +onnx_ops_counter: + Add: 51 + BatchNormalization: 23 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 28 +parameters: 61758376 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/repvgg_b2g4_Opset17_timm/repvgg_b2g4_Opset17.onnx b/Computer_Vision/repvgg_b2g4_Opset17_timm/repvgg_b2g4_Opset17.onnx new file mode 100644 index 000000000..07e008b26 --- /dev/null +++ b/Computer_Vision/repvgg_b2g4_Opset17_timm/repvgg_b2g4_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1aba02675c20c6d85a559c9c64d59d191517eacbf2a9f18cd9f6de2171501433 +size 247049857 diff --git a/Computer_Vision/repvgg_b2g4_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/repvgg_b2g4_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..37683362d --- /dev/null +++ b/Computer_Vision/repvgg_b2g4_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.314392566680908 + set_success: 0.016684293746948242 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/repvgg_b2g4_timm_7bf5d114/onnx/repvgg_b2g4_timm_7bf5d114-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/repvgg_b2g4.py +class: ByobNet +hash: ef3757a3 +model_name: repvgg_b2g4 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 241259.6582 +onnx_ops_counter: + Add: 51 + BatchNormalization: 23 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 28 +parameters: 61758376 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/repvgg_b2g4_Opset18_timm/repvgg_b2g4_Opset18.onnx b/Computer_Vision/repvgg_b2g4_Opset18_timm/repvgg_b2g4_Opset18.onnx new file mode 100644 index 000000000..34794a7a1 --- /dev/null +++ b/Computer_Vision/repvgg_b2g4_Opset18_timm/repvgg_b2g4_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:58cf1c00a1f5490c5755a68290ddded3fab81893f2339bc50e0e870841c7a0ff +size 247049857 diff --git a/Computer_Vision/repvgg_b2g4_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/repvgg_b2g4_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..348303d3a --- /dev/null +++ b/Computer_Vision/repvgg_b2g4_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.477315664291382 + set_success: 0.016658306121826172 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/repvgg_b2g4_timm_7bf5d114/onnx/repvgg_b2g4_timm_7bf5d114-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/repvgg_b2g4.py +class: ByobNet +hash: ef3757a3 +model_name: repvgg_b2g4 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 241259.6582 +onnx_ops_counter: + Add: 51 + BatchNormalization: 23 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 28 +parameters: 61758376 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/repvgg_b3_Opset16_timm/repvgg_b3_Opset16.onnx b/Computer_Vision/repvgg_b3_Opset16_timm/repvgg_b3_Opset16.onnx new file mode 100644 index 000000000..13f7fb3f5 --- /dev/null +++ b/Computer_Vision/repvgg_b3_Opset16_timm/repvgg_b3_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:051e08c8478a62345743c702bf3de600d7bf5c25bbc59566f0eda3d19e88d057 +size 492355762 diff --git a/Computer_Vision/repvgg_b3_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/repvgg_b3_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8ce87b421 --- /dev/null +++ b/Computer_Vision/repvgg_b3_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.8922119140625 + set_success: 0.07078242301940918 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/repvgg_b3_timm_a62ed25c/onnx/repvgg_b3_timm_a62ed25c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/repvgg_b3.py +class: ByobNet +hash: c7d192ce +model_name: repvgg_b3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 480816.2061 +onnx_ops_counter: + Add: 51 + BatchNormalization: 23 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 28 +parameters: 123085288 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/repvgg_b3_Opset17_timm/repvgg_b3_Opset17.onnx b/Computer_Vision/repvgg_b3_Opset17_timm/repvgg_b3_Opset17.onnx new file mode 100644 index 000000000..8649f4bcd --- /dev/null +++ b/Computer_Vision/repvgg_b3_Opset17_timm/repvgg_b3_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ba6f683bf634d56c85693b7b4091bd25648cc7965e3ab16a5e5cce437e9eb45 +size 492355762 diff --git a/Computer_Vision/repvgg_b3_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/repvgg_b3_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..63e78e340 --- /dev/null +++ b/Computer_Vision/repvgg_b3_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.098803758621216 + set_success: 0.018452882766723633 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/repvgg_b3_timm_a62ed25c/onnx/repvgg_b3_timm_a62ed25c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/repvgg_b3.py +class: ByobNet +hash: c7d192ce +model_name: repvgg_b3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 480816.2061 +onnx_ops_counter: + Add: 51 + BatchNormalization: 23 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 28 +parameters: 123085288 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/repvgg_b3_Opset18_timm/repvgg_b3_Opset18.onnx b/Computer_Vision/repvgg_b3_Opset18_timm/repvgg_b3_Opset18.onnx new file mode 100644 index 000000000..02253a721 --- /dev/null +++ b/Computer_Vision/repvgg_b3_Opset18_timm/repvgg_b3_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b042204dfd126d3fec08fbcefcd7348d5a810976f0e5219298b2fd15c195b753 +size 492355762 diff --git a/Computer_Vision/repvgg_b3_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/repvgg_b3_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..670f937f2 --- /dev/null +++ b/Computer_Vision/repvgg_b3_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.92982029914856 + set_success: 0.018062591552734375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/repvgg_b3_timm_a62ed25c/onnx/repvgg_b3_timm_a62ed25c-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/repvgg_b3.py +class: ByobNet +hash: c7d192ce +model_name: repvgg_b3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 480816.2061 +onnx_ops_counter: + Add: 51 + BatchNormalization: 23 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 28 +parameters: 123085288 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/repvgg_b3g4_Opset16_timm/repvgg_b3g4_Opset16.onnx b/Computer_Vision/repvgg_b3g4_Opset16_timm/repvgg_b3g4_Opset16.onnx new file mode 100644 index 000000000..3c21c69cf --- /dev/null +++ b/Computer_Vision/repvgg_b3g4_Opset16_timm/repvgg_b3g4_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:040e1fe00ad9905531446eb166ff63ec4bd7dd2a46593da4e9dfaba739068f95 +size 335315090 diff --git a/Computer_Vision/repvgg_b3g4_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/repvgg_b3g4_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..554f700bb --- /dev/null +++ b/Computer_Vision/repvgg_b3g4_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.400027275085449 + set_success: 0.01734638214111328 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/repvgg_b3g4_timm_d6576cc1/onnx/repvgg_b3g4_timm_d6576cc1-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/repvgg_b3g4.py +class: ByobNet +hash: 373684a1 +model_name: repvgg_b3g4 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 327456.1748 +onnx_ops_counter: + Add: 51 + BatchNormalization: 23 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 28 +parameters: 83825128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/repvgg_b3g4_Opset17_timm/repvgg_b3g4_Opset17.onnx b/Computer_Vision/repvgg_b3g4_Opset17_timm/repvgg_b3g4_Opset17.onnx new file mode 100644 index 000000000..bbafda14f --- /dev/null +++ b/Computer_Vision/repvgg_b3g4_Opset17_timm/repvgg_b3g4_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee21d216faf173efc776fa2ba1698caf319951e23d7c50cc3d5aad38ef484c98 +size 335315090 diff --git a/Computer_Vision/repvgg_b3g4_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/repvgg_b3g4_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..01aacfc62 --- /dev/null +++ b/Computer_Vision/repvgg_b3g4_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.2115795612335205 + set_success: 0.017956972122192383 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/repvgg_b3g4_timm_d6576cc1/onnx/repvgg_b3g4_timm_d6576cc1-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/repvgg_b3g4.py +class: ByobNet +hash: 373684a1 +model_name: repvgg_b3g4 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 327456.1748 +onnx_ops_counter: + Add: 51 + BatchNormalization: 23 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 28 +parameters: 83825128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/repvgg_b3g4_Opset18_timm/repvgg_b3g4_Opset18.onnx b/Computer_Vision/repvgg_b3g4_Opset18_timm/repvgg_b3g4_Opset18.onnx new file mode 100644 index 000000000..eec780664 --- /dev/null +++ b/Computer_Vision/repvgg_b3g4_Opset18_timm/repvgg_b3g4_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee946397767a6c9119ed6eaf1999034f4b3247f78cd937913200bef4b30f3ddf +size 335315090 diff --git a/Computer_Vision/repvgg_b3g4_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/repvgg_b3g4_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5d92d6037 --- /dev/null +++ b/Computer_Vision/repvgg_b3g4_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.186768293380737 + set_success: 0.01808786392211914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/repvgg_b3g4_timm_d6576cc1/onnx/repvgg_b3g4_timm_d6576cc1-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/repvgg_b3g4.py +class: ByobNet +hash: 373684a1 +model_name: repvgg_b3g4 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 327456.1748 +onnx_ops_counter: + Add: 51 + BatchNormalization: 23 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 28 +parameters: 83825128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/res2net101_26w_4s_Opset16_timm/res2net101_26w_4s_Opset16.onnx b/Computer_Vision/res2net101_26w_4s_Opset16_timm/res2net101_26w_4s_Opset16.onnx new file mode 100644 index 000000000..4dd6a134a --- /dev/null +++ b/Computer_Vision/res2net101_26w_4s_Opset16_timm/res2net101_26w_4s_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff364251522f9e7b31a709cab5d388c235188d34944a768eff1d1bf19c73469a +size 180694461 diff --git a/Computer_Vision/res2net101_26w_4s_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/res2net101_26w_4s_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..65ce0f4f7 --- /dev/null +++ b/Computer_Vision/res2net101_26w_4s_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.117758274078369 + set_success: 0.019690275192260742 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/res2net101_26w_4s_timm_c5725d50/onnx/res2net101_26w_4s_timm_c5725d50-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/res2net101_26w_4s.py +class: ResNet +hash: 89cd1ecf +model_name: res2net101_26w_4s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 176459.4668 +onnx_ops_counter: + Add: 91 + AveragePool: 4 + Concat: 33 + Constant: 33 + Conv: 170 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 166 + Split: 33 +parameters: 45206688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/res2net101_26w_4s_Opset17_timm/res2net101_26w_4s_Opset17.onnx b/Computer_Vision/res2net101_26w_4s_Opset17_timm/res2net101_26w_4s_Opset17.onnx new file mode 100644 index 000000000..6c1edeb5b --- /dev/null +++ b/Computer_Vision/res2net101_26w_4s_Opset17_timm/res2net101_26w_4s_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2676261f65709beb96aac1fe8adff34959f46997fe8232e530b1eb274f60e7e9 +size 180694461 diff --git a/Computer_Vision/res2net101_26w_4s_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/res2net101_26w_4s_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..db62456f5 --- /dev/null +++ b/Computer_Vision/res2net101_26w_4s_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.326822280883789 + set_success: 0.02132725715637207 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/res2net101_26w_4s_timm_c5725d50/onnx/res2net101_26w_4s_timm_c5725d50-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/res2net101_26w_4s.py +class: ResNet +hash: 89cd1ecf +model_name: res2net101_26w_4s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 176459.4668 +onnx_ops_counter: + Add: 91 + AveragePool: 4 + Concat: 33 + Constant: 33 + Conv: 170 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 166 + Split: 33 +parameters: 45206688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/res2net101_26w_4s_Opset18_timm/res2net101_26w_4s_Opset18.onnx b/Computer_Vision/res2net101_26w_4s_Opset18_timm/res2net101_26w_4s_Opset18.onnx new file mode 100644 index 000000000..775efebe1 --- /dev/null +++ b/Computer_Vision/res2net101_26w_4s_Opset18_timm/res2net101_26w_4s_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd89443a97f3f80217856b41040ff8bca56b9850d8ff374cefea55d2793e8ee1 +size 180694461 diff --git a/Computer_Vision/res2net101_26w_4s_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/res2net101_26w_4s_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..652df875e --- /dev/null +++ b/Computer_Vision/res2net101_26w_4s_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.395533323287964 + set_success: 0.022705554962158203 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/res2net101_26w_4s_timm_c5725d50/onnx/res2net101_26w_4s_timm_c5725d50-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/res2net101_26w_4s.py +class: ResNet +hash: 89cd1ecf +model_name: res2net101_26w_4s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 176459.4668 +onnx_ops_counter: + Add: 91 + AveragePool: 4 + Concat: 33 + Constant: 33 + Conv: 170 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 166 + Split: 33 +parameters: 45206688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/res2net50_14w_8s_Opset16_timm/res2net50_14w_8s_Opset16.onnx b/Computer_Vision/res2net50_14w_8s_Opset16_timm/res2net50_14w_8s_Opset16.onnx new file mode 100644 index 000000000..edaddd6a5 --- /dev/null +++ b/Computer_Vision/res2net50_14w_8s_Opset16_timm/res2net50_14w_8s_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6acd82912c32bfaf194b511a2fd3b85296e28d76a943e5ff067f6c0b90fe2031 +size 100204293 diff --git a/Computer_Vision/res2net50_14w_8s_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/res2net50_14w_8s_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6c452bba1 --- /dev/null +++ b/Computer_Vision/res2net50_14w_8s_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.090184688568115 + set_success: 0.016439199447631836 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/res2net50_14w_8s_timm_dc48d919/onnx/res2net50_14w_8s_timm_dc48d919-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/res2net50_14w_8s.py +class: ResNet +hash: 6ea137bc +model_name: res2net50_14w_8s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 97855.7871 +onnx_ops_counter: + Add: 88 + AveragePool: 4 + Concat: 16 + Constant: 16 + Conv: 149 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 145 + Split: 16 +parameters: 25059816 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/res2net50_14w_8s_Opset17_timm/res2net50_14w_8s_Opset17.onnx b/Computer_Vision/res2net50_14w_8s_Opset17_timm/res2net50_14w_8s_Opset17.onnx new file mode 100644 index 000000000..95123db0c --- /dev/null +++ b/Computer_Vision/res2net50_14w_8s_Opset17_timm/res2net50_14w_8s_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0179e506650e66347b2cd2cbdc3cf40ace97f15b8dad3636a06c2ad19e3e4a6 +size 100204293 diff --git a/Computer_Vision/res2net50_14w_8s_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/res2net50_14w_8s_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a47be81ab --- /dev/null +++ b/Computer_Vision/res2net50_14w_8s_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.2692790031433105 + set_success: 0.01779317855834961 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/res2net50_14w_8s_timm_dc48d919/onnx/res2net50_14w_8s_timm_dc48d919-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/res2net50_14w_8s.py +class: ResNet +hash: 6ea137bc +model_name: res2net50_14w_8s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 97855.7871 +onnx_ops_counter: + Add: 88 + AveragePool: 4 + Concat: 16 + Constant: 16 + Conv: 149 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 145 + Split: 16 +parameters: 25059816 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/res2net50_14w_8s_Opset18_timm/res2net50_14w_8s_Opset18.onnx b/Computer_Vision/res2net50_14w_8s_Opset18_timm/res2net50_14w_8s_Opset18.onnx new file mode 100644 index 000000000..8211e8784 --- /dev/null +++ b/Computer_Vision/res2net50_14w_8s_Opset18_timm/res2net50_14w_8s_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0cc0ea9e2b731c0ed627d18e17ec813d482068733735a35f691bb521fafd682a +size 100204293 diff --git a/Computer_Vision/res2net50_14w_8s_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/res2net50_14w_8s_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d9489a881 --- /dev/null +++ b/Computer_Vision/res2net50_14w_8s_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.22025203704834 + set_success: 0.020101308822631836 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/res2net50_14w_8s_timm_dc48d919/onnx/res2net50_14w_8s_timm_dc48d919-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/res2net50_14w_8s.py +class: ResNet +hash: 6ea137bc +model_name: res2net50_14w_8s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 97855.7871 +onnx_ops_counter: + Add: 88 + AveragePool: 4 + Concat: 16 + Constant: 16 + Conv: 149 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 145 + Split: 16 +parameters: 25059816 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/res2net50_26w_4s_Opset16_timm/res2net50_26w_4s_Opset16.onnx b/Computer_Vision/res2net50_26w_4s_Opset16_timm/res2net50_26w_4s_Opset16.onnx new file mode 100644 index 000000000..64b9d1d55 --- /dev/null +++ b/Computer_Vision/res2net50_26w_4s_Opset16_timm/res2net50_26w_4s_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:785e7b155bea3ff52cda8998197a0c1ac4866f183039d5630b6055934a25c794 +size 102729522 diff --git a/Computer_Vision/res2net50_26w_4s_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/res2net50_26w_4s_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c16c8d461 --- /dev/null +++ b/Computer_Vision/res2net50_26w_4s_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.49466609954834 + set_success: 0.017735958099365234 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/res2net50_26w_4s_timm_2a3786c2/onnx/res2net50_26w_4s_timm_2a3786c2-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/res2net50_26w_4s.py +class: ResNet +hash: 0f395a3b +model_name: res2net50_26w_4s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 100321.8311 +onnx_ops_counter: + Add: 40 + AveragePool: 4 + Concat: 16 + Constant: 16 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 81 + Split: 16 +parameters: 25699120 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/res2net50_26w_4s_Opset17_timm/res2net50_26w_4s_Opset17.onnx b/Computer_Vision/res2net50_26w_4s_Opset17_timm/res2net50_26w_4s_Opset17.onnx new file mode 100644 index 000000000..01749bb8f --- /dev/null +++ b/Computer_Vision/res2net50_26w_4s_Opset17_timm/res2net50_26w_4s_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30685168286161ea4519caa56aceab83a518c7084260e9ec78cffa1c1a5f81e7 +size 102729522 diff --git a/Computer_Vision/res2net50_26w_4s_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/res2net50_26w_4s_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b54f8668b --- /dev/null +++ b/Computer_Vision/res2net50_26w_4s_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.444363594055176 + set_success: 0.017290353775024414 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/res2net50_26w_4s_timm_2a3786c2/onnx/res2net50_26w_4s_timm_2a3786c2-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/res2net50_26w_4s.py +class: ResNet +hash: 0f395a3b +model_name: res2net50_26w_4s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 100321.8311 +onnx_ops_counter: + Add: 40 + AveragePool: 4 + Concat: 16 + Constant: 16 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 81 + Split: 16 +parameters: 25699120 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/res2net50_26w_4s_Opset18_timm/res2net50_26w_4s_Opset18.onnx b/Computer_Vision/res2net50_26w_4s_Opset18_timm/res2net50_26w_4s_Opset18.onnx new file mode 100644 index 000000000..1278c9802 --- /dev/null +++ b/Computer_Vision/res2net50_26w_4s_Opset18_timm/res2net50_26w_4s_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d166c716c31deaba2c1b069b96f293a6bacfaa441df14e0055945ac1d70a98f +size 102729522 diff --git a/Computer_Vision/res2net50_26w_4s_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/res2net50_26w_4s_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..97ab9835d --- /dev/null +++ b/Computer_Vision/res2net50_26w_4s_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.448885917663574 + set_success: 0.016692399978637695 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/res2net50_26w_4s_timm_2a3786c2/onnx/res2net50_26w_4s_timm_2a3786c2-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/res2net50_26w_4s.py +class: ResNet +hash: 0f395a3b +model_name: res2net50_26w_4s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 100321.8311 +onnx_ops_counter: + Add: 40 + AveragePool: 4 + Concat: 16 + Constant: 16 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 81 + Split: 16 +parameters: 25699120 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/res2net50_26w_6s_Opset16_timm/res2net50_26w_6s_Opset16.onnx b/Computer_Vision/res2net50_26w_6s_Opset16_timm/res2net50_26w_6s_Opset16.onnx new file mode 100644 index 000000000..2e73f6c15 --- /dev/null +++ b/Computer_Vision/res2net50_26w_6s_Opset16_timm/res2net50_26w_6s_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5ed8eeb81bea191d1d7e589682e10632930d017261e6a621b85aa77ac7694c3 +size 148133755 diff --git a/Computer_Vision/res2net50_26w_6s_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/res2net50_26w_6s_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..872f5659c --- /dev/null +++ b/Computer_Vision/res2net50_26w_6s_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.7769289016723633 + set_success: 0.017843961715698242 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/res2net50_26w_6s_timm_48342352/onnx/res2net50_26w_6s_timm_48342352-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/res2net50_26w_6s.py +class: ResNet +hash: 2061f6d7 +model_name: res2net50_26w_6s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 144661.9023 +onnx_ops_counter: + Add: 64 + AveragePool: 4 + Concat: 16 + Constant: 16 + Conv: 117 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 113 + Split: 16 +parameters: 37051448 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/res2net50_26w_6s_Opset17_timm/res2net50_26w_6s_Opset17.onnx b/Computer_Vision/res2net50_26w_6s_Opset17_timm/res2net50_26w_6s_Opset17.onnx new file mode 100644 index 000000000..53532d8d8 --- /dev/null +++ b/Computer_Vision/res2net50_26w_6s_Opset17_timm/res2net50_26w_6s_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f913e653d76fabd5583b5050dcaee2b5c117360c5760cbecacafd8c3fbf0cf9 +size 148133755 diff --git a/Computer_Vision/res2net50_26w_6s_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/res2net50_26w_6s_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..28fce5752 --- /dev/null +++ b/Computer_Vision/res2net50_26w_6s_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.7008187770843506 + set_success: 0.016765594482421875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/res2net50_26w_6s_timm_48342352/onnx/res2net50_26w_6s_timm_48342352-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/res2net50_26w_6s.py +class: ResNet +hash: 2061f6d7 +model_name: res2net50_26w_6s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 144661.9023 +onnx_ops_counter: + Add: 64 + AveragePool: 4 + Concat: 16 + Constant: 16 + Conv: 117 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 113 + Split: 16 +parameters: 37051448 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/res2net50_26w_6s_Opset18_timm/res2net50_26w_6s_Opset18.onnx b/Computer_Vision/res2net50_26w_6s_Opset18_timm/res2net50_26w_6s_Opset18.onnx new file mode 100644 index 000000000..2acc3544a --- /dev/null +++ b/Computer_Vision/res2net50_26w_6s_Opset18_timm/res2net50_26w_6s_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8017b4ee4563e62c49df1c0809f6d82d1ab20fa5021ec49ae64a627c04cf7349 +size 148133755 diff --git a/Computer_Vision/res2net50_26w_6s_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/res2net50_26w_6s_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..083075d88 --- /dev/null +++ b/Computer_Vision/res2net50_26w_6s_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.872483015060425 + set_success: 0.026673078536987305 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/res2net50_26w_6s_timm_48342352/onnx/res2net50_26w_6s_timm_48342352-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/res2net50_26w_6s.py +class: ResNet +hash: 2061f6d7 +model_name: res2net50_26w_6s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 144661.9023 +onnx_ops_counter: + Add: 64 + AveragePool: 4 + Concat: 16 + Constant: 16 + Conv: 117 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 113 + Split: 16 +parameters: 37051448 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/res2net50_26w_8s_Opset16_timm/res2net50_26w_8s_Opset16.onnx b/Computer_Vision/res2net50_26w_8s_Opset16_timm/res2net50_26w_8s_Opset16.onnx new file mode 100644 index 000000000..1943c329b --- /dev/null +++ b/Computer_Vision/res2net50_26w_8s_Opset16_timm/res2net50_26w_8s_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0df6980690849ea6f357a461e6fa26b54a952af40e1908761cd71786aa3c51cf +size 193537817 diff --git a/Computer_Vision/res2net50_26w_8s_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/res2net50_26w_8s_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1e889be51 --- /dev/null +++ b/Computer_Vision/res2net50_26w_8s_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.2180750370025635 + set_success: 0.019239187240600586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/res2net50_26w_8s_timm_5420db4c/onnx/res2net50_26w_8s_timm_5420db4c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/res2net50_26w_8s.py +class: ResNet +hash: c9b3c53d +model_name: res2net50_26w_8s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 189001.8066 +onnx_ops_counter: + Add: 88 + AveragePool: 4 + Concat: 16 + Constant: 16 + Conv: 149 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 145 + Split: 16 +parameters: 48403776 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/res2net50_26w_8s_Opset17_timm/res2net50_26w_8s_Opset17.onnx b/Computer_Vision/res2net50_26w_8s_Opset17_timm/res2net50_26w_8s_Opset17.onnx new file mode 100644 index 000000000..880bd46f5 --- /dev/null +++ b/Computer_Vision/res2net50_26w_8s_Opset17_timm/res2net50_26w_8s_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:977b3f88dcf7ef24573243f1c3afbdfa4adfd5765a7379aae0dbc6e0e6041b8d +size 193537817 diff --git a/Computer_Vision/res2net50_26w_8s_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/res2net50_26w_8s_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f6797a465 --- /dev/null +++ b/Computer_Vision/res2net50_26w_8s_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.202211618423462 + set_success: 0.021821022033691406 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/res2net50_26w_8s_timm_5420db4c/onnx/res2net50_26w_8s_timm_5420db4c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/res2net50_26w_8s.py +class: ResNet +hash: c9b3c53d +model_name: res2net50_26w_8s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 189001.8066 +onnx_ops_counter: + Add: 88 + AveragePool: 4 + Concat: 16 + Constant: 16 + Conv: 149 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 145 + Split: 16 +parameters: 48403776 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/res2net50_26w_8s_Opset18_timm/res2net50_26w_8s_Opset18.onnx b/Computer_Vision/res2net50_26w_8s_Opset18_timm/res2net50_26w_8s_Opset18.onnx new file mode 100644 index 000000000..a4802bc3d --- /dev/null +++ b/Computer_Vision/res2net50_26w_8s_Opset18_timm/res2net50_26w_8s_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c2da30d4c490580aec609de12ac08c0775baa4f445280e33798ff0532562748 +size 193537817 diff --git a/Computer_Vision/res2net50_26w_8s_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/res2net50_26w_8s_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b5a52944b --- /dev/null +++ b/Computer_Vision/res2net50_26w_8s_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.252218961715698 + set_success: 0.020313501358032227 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/res2net50_26w_8s_timm_5420db4c/onnx/res2net50_26w_8s_timm_5420db4c-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/res2net50_26w_8s.py +class: ResNet +hash: c9b3c53d +model_name: res2net50_26w_8s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 189001.8066 +onnx_ops_counter: + Add: 88 + AveragePool: 4 + Concat: 16 + Constant: 16 + Conv: 149 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 145 + Split: 16 +parameters: 48403776 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/res2net50_48w_2s_Opset16_timm/res2net50_48w_2s_Opset16.onnx b/Computer_Vision/res2net50_48w_2s_Opset16_timm/res2net50_48w_2s_Opset16.onnx new file mode 100644 index 000000000..438f72364 --- /dev/null +++ b/Computer_Vision/res2net50_48w_2s_Opset16_timm/res2net50_48w_2s_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08205b82343b20f9d01413542a37c51da94a4f92d3fb3fd8ef0869e775b6405a +size 101071872 diff --git a/Computer_Vision/res2net50_48w_2s_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/res2net50_48w_2s_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5246b7925 --- /dev/null +++ b/Computer_Vision/res2net50_48w_2s_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7732360363006592 + set_success: 0.015810012817382812 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/res2net50_48w_2s_timm_b619dc01/onnx/res2net50_48w_2s_timm_b619dc01-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/res2net50_48w_2s.py +class: ResNet +hash: 35f17a88 +model_name: res2net50_48w_2s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 98703.0322 +onnx_ops_counter: + Add: 16 + AveragePool: 4 + Concat: 16 + Constant: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 + Split: 16 +parameters: 25287304 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/res2net50_48w_2s_Opset17_timm/res2net50_48w_2s_Opset17.onnx b/Computer_Vision/res2net50_48w_2s_Opset17_timm/res2net50_48w_2s_Opset17.onnx new file mode 100644 index 000000000..ddb88a8e3 --- /dev/null +++ b/Computer_Vision/res2net50_48w_2s_Opset17_timm/res2net50_48w_2s_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bcbd2b7e964cbcf9b85d24929f19a4872be8134bce82a6ea6deb85efc43d65c4 +size 101071872 diff --git a/Computer_Vision/res2net50_48w_2s_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/res2net50_48w_2s_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..70f2f4f4f --- /dev/null +++ b/Computer_Vision/res2net50_48w_2s_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.855076789855957 + set_success: 0.018618345260620117 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/res2net50_48w_2s_timm_b619dc01/onnx/res2net50_48w_2s_timm_b619dc01-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/res2net50_48w_2s.py +class: ResNet +hash: 35f17a88 +model_name: res2net50_48w_2s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 98703.0322 +onnx_ops_counter: + Add: 16 + AveragePool: 4 + Concat: 16 + Constant: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 + Split: 16 +parameters: 25287304 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/res2net50_48w_2s_Opset18_timm/res2net50_48w_2s_Opset18.onnx b/Computer_Vision/res2net50_48w_2s_Opset18_timm/res2net50_48w_2s_Opset18.onnx new file mode 100644 index 000000000..2d42d3e61 --- /dev/null +++ b/Computer_Vision/res2net50_48w_2s_Opset18_timm/res2net50_48w_2s_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46e49e39c2fb812e75a574e5fd7bab335c57f9eea37696365523219d58ac9879 +size 101071872 diff --git a/Computer_Vision/res2net50_48w_2s_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/res2net50_48w_2s_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..167dc3226 --- /dev/null +++ b/Computer_Vision/res2net50_48w_2s_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.875431776046753 + set_success: 0.01801586151123047 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/res2net50_48w_2s_timm_b619dc01/onnx/res2net50_48w_2s_timm_b619dc01-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/res2net50_48w_2s.py +class: ResNet +hash: 35f17a88 +model_name: res2net50_48w_2s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 98703.0322 +onnx_ops_counter: + Add: 16 + AveragePool: 4 + Concat: 16 + Constant: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 + Split: 16 +parameters: 25287304 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/res2next50_Opset16_timm/res2next50_Opset16.onnx b/Computer_Vision/res2next50_Opset16_timm/res2next50_Opset16.onnx new file mode 100644 index 000000000..0892f7def --- /dev/null +++ b/Computer_Vision/res2next50_Opset16_timm/res2next50_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:327643004629251301cbe1c52e30e32bd85ddb87d492867b72d157fbaa3fdf84 +size 98609044 diff --git a/Computer_Vision/res2next50_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/res2next50_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0cfe09f97 --- /dev/null +++ b/Computer_Vision/res2next50_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.4867937564849854 + set_success: 0.016518115997314453 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/res2next50_timm_d6858714/onnx/res2next50_timm_d6858714-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/res2next50.py +class: ResNet +hash: 68ca5ab3 +model_name: res2next50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 96297.9268 +onnx_ops_counter: + Add: 40 + AveragePool: 4 + Concat: 16 + Constant: 16 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 81 + Split: 16 +parameters: 24671464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/res2next50_Opset17_timm/res2next50_Opset17.onnx b/Computer_Vision/res2next50_Opset17_timm/res2next50_Opset17.onnx new file mode 100644 index 000000000..d11752c4e --- /dev/null +++ b/Computer_Vision/res2next50_Opset17_timm/res2next50_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7858a1b0d9c79f415e809251957c79b54b9172fc3a41c2bab41c815ac9c226a9 +size 98609044 diff --git a/Computer_Vision/res2next50_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/res2next50_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f79c2e26f --- /dev/null +++ b/Computer_Vision/res2next50_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.483522653579712 + set_success: 0.020206928253173828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/res2next50_timm_d6858714/onnx/res2next50_timm_d6858714-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/res2next50.py +class: ResNet +hash: 68ca5ab3 +model_name: res2next50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 96297.9268 +onnx_ops_counter: + Add: 40 + AveragePool: 4 + Concat: 16 + Constant: 16 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 81 + Split: 16 +parameters: 24671464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/res2next50_Opset18_timm/res2next50_Opset18.onnx b/Computer_Vision/res2next50_Opset18_timm/res2next50_Opset18.onnx new file mode 100644 index 000000000..515a688ec --- /dev/null +++ b/Computer_Vision/res2next50_Opset18_timm/res2next50_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87084a0c8e33341b81d56882bab3449aa21df39f51cfb4b45021b55e87bee386 +size 98609044 diff --git a/Computer_Vision/res2next50_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/res2next50_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b3666d55c --- /dev/null +++ b/Computer_Vision/res2next50_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.461775779724121 + set_success: 0.017783641815185547 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/res2next50_timm_d6858714/onnx/res2next50_timm_d6858714-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/res2next50.py +class: ResNet +hash: 68ca5ab3 +model_name: res2next50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 96297.9268 +onnx_ops_counter: + Add: 40 + AveragePool: 4 + Concat: 16 + Constant: 16 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 81 + Split: 16 +parameters: 24671464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resmlp_12_224_Opset16_timm/resmlp_12_224_Opset16.onnx b/Computer_Vision/resmlp_12_224_Opset16_timm/resmlp_12_224_Opset16.onnx new file mode 100644 index 000000000..47344bb40 --- /dev/null +++ b/Computer_Vision/resmlp_12_224_Opset16_timm/resmlp_12_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:67db8c639e8291f84e4e8c8d1a1dcfc8af5a6fb583207ee0b755d8f4cd5f48bc +size 61460613 diff --git a/Computer_Vision/resmlp_12_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resmlp_12_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..102471f15 --- /dev/null +++ b/Computer_Vision/resmlp_12_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.316666603088379 + set_success: 0.015596389770507812 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resmlp_12_224_timm_356309d0/onnx/resmlp_12_224_timm_356309d0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resmlp_12_224.py +class: MlpMixer +hash: 371923e5 +model_name: resmlp_12_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 60020.1621 +onnx_ops_counter: + Add: 97 + Concat: 1 + Constant: 65 + Conv: 1 + Div: 12 + Erf: 12 + Gemm: 1 + MatMul: 36 + Mul: 98 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 25 +parameters: 15350872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resmlp_12_224_Opset17_timm/resmlp_12_224_Opset17.onnx b/Computer_Vision/resmlp_12_224_Opset17_timm/resmlp_12_224_Opset17.onnx new file mode 100644 index 000000000..5d5cf607d --- /dev/null +++ b/Computer_Vision/resmlp_12_224_Opset17_timm/resmlp_12_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:28985fb13e7b5a343c41b3caffb0202ddfb4348c241989839d941483dee675cb +size 61460613 diff --git a/Computer_Vision/resmlp_12_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resmlp_12_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4930a5053 --- /dev/null +++ b/Computer_Vision/resmlp_12_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.0911707878112793 + set_success: 0.01572418212890625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resmlp_12_224_timm_356309d0/onnx/resmlp_12_224_timm_356309d0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resmlp_12_224.py +class: MlpMixer +hash: 371923e5 +model_name: resmlp_12_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 60020.1621 +onnx_ops_counter: + Add: 97 + Concat: 1 + Constant: 65 + Conv: 1 + Div: 12 + Erf: 12 + Gemm: 1 + MatMul: 36 + Mul: 98 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 25 +parameters: 15350872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resmlp_12_224_dino_Opset16_timm/resmlp_12_224_dino_Opset16.onnx b/Computer_Vision/resmlp_12_224_dino_Opset16_timm/resmlp_12_224_dino_Opset16.onnx new file mode 100644 index 000000000..47344bb40 --- /dev/null +++ b/Computer_Vision/resmlp_12_224_dino_Opset16_timm/resmlp_12_224_dino_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:67db8c639e8291f84e4e8c8d1a1dcfc8af5a6fb583207ee0b755d8f4cd5f48bc +size 61460613 diff --git a/Computer_Vision/resmlp_12_224_dino_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resmlp_12_224_dino_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ce2555f9c --- /dev/null +++ b/Computer_Vision/resmlp_12_224_dino_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1921675205230713 + set_success: 0.018473148345947266 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resmlp_12_224_dino_timm_356309d0/onnx/resmlp_12_224_dino_timm_356309d0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resmlp_12_224_dino.py +class: MlpMixer +hash: 371923e5 +model_name: resmlp_12_224_dino +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 60020.1621 +onnx_ops_counter: + Add: 97 + Concat: 1 + Constant: 65 + Conv: 1 + Div: 12 + Erf: 12 + Gemm: 1 + MatMul: 36 + Mul: 98 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 25 +parameters: 15350872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resmlp_12_224_dino_Opset17_timm/resmlp_12_224_dino_Opset17.onnx b/Computer_Vision/resmlp_12_224_dino_Opset17_timm/resmlp_12_224_dino_Opset17.onnx new file mode 100644 index 000000000..5d5cf607d --- /dev/null +++ b/Computer_Vision/resmlp_12_224_dino_Opset17_timm/resmlp_12_224_dino_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:28985fb13e7b5a343c41b3caffb0202ddfb4348c241989839d941483dee675cb +size 61460613 diff --git a/Computer_Vision/resmlp_12_224_dino_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resmlp_12_224_dino_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..63f6a0d20 --- /dev/null +++ b/Computer_Vision/resmlp_12_224_dino_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1501741409301758 + set_success: 0.01738762855529785 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resmlp_12_224_dino_timm_356309d0/onnx/resmlp_12_224_dino_timm_356309d0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resmlp_12_224_dino.py +class: MlpMixer +hash: 371923e5 +model_name: resmlp_12_224_dino +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 60020.1621 +onnx_ops_counter: + Add: 97 + Concat: 1 + Constant: 65 + Conv: 1 + Div: 12 + Erf: 12 + Gemm: 1 + MatMul: 36 + Mul: 98 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 25 +parameters: 15350872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resmlp_12_distilled_224_Opset16_timm/resmlp_12_distilled_224_Opset16.onnx b/Computer_Vision/resmlp_12_distilled_224_Opset16_timm/resmlp_12_distilled_224_Opset16.onnx new file mode 100644 index 000000000..7f61d30e2 --- /dev/null +++ b/Computer_Vision/resmlp_12_distilled_224_Opset16_timm/resmlp_12_distilled_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07b0eb548d2e643d55aaf882b1059e5950d565bcdc492c175ff7a49af770210f +size 61460613 diff --git a/Computer_Vision/resmlp_12_distilled_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resmlp_12_distilled_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a97ba1f4e --- /dev/null +++ b/Computer_Vision/resmlp_12_distilled_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.384223461151123 + set_success: 0.018201351165771484 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resmlp_12_distilled_224_timm_356309d0/onnx/resmlp_12_distilled_224_timm_356309d0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resmlp_12_distilled_224.py +class: MlpMixer +hash: 371923e5 +model_name: resmlp_12_distilled_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 60020.1621 +onnx_ops_counter: + Add: 97 + Concat: 1 + Constant: 65 + Conv: 1 + Div: 12 + Erf: 12 + Gemm: 1 + MatMul: 36 + Mul: 98 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 25 +parameters: 15350872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resmlp_12_distilled_224_Opset17_timm/resmlp_12_distilled_224_Opset17.onnx b/Computer_Vision/resmlp_12_distilled_224_Opset17_timm/resmlp_12_distilled_224_Opset17.onnx new file mode 100644 index 000000000..31efe97b1 --- /dev/null +++ b/Computer_Vision/resmlp_12_distilled_224_Opset17_timm/resmlp_12_distilled_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96a388c2019b328c2794fdc9a95ff0430165207d55b8933f84cb941231565b4a +size 61460613 diff --git a/Computer_Vision/resmlp_12_distilled_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resmlp_12_distilled_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b4b820cfb --- /dev/null +++ b/Computer_Vision/resmlp_12_distilled_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.169112205505371 + set_success: 0.01675128936767578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resmlp_12_distilled_224_timm_356309d0/onnx/resmlp_12_distilled_224_timm_356309d0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resmlp_12_distilled_224.py +class: MlpMixer +hash: 371923e5 +model_name: resmlp_12_distilled_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 60020.1621 +onnx_ops_counter: + Add: 97 + Concat: 1 + Constant: 65 + Conv: 1 + Div: 12 + Erf: 12 + Gemm: 1 + MatMul: 36 + Mul: 98 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 25 +parameters: 15350872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resmlp_24_224_Opset16_timm/resmlp_24_224_Opset16.onnx b/Computer_Vision/resmlp_24_224_Opset16_timm/resmlp_24_224_Opset16.onnx new file mode 100644 index 000000000..fee0d3863 --- /dev/null +++ b/Computer_Vision/resmlp_24_224_Opset16_timm/resmlp_24_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:269f089a02dbdba217dc4fb836a25d72ecf2a362d9e108905191f02b541c6d1a +size 120196355 diff --git a/Computer_Vision/resmlp_24_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resmlp_24_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1092ecea2 --- /dev/null +++ b/Computer_Vision/resmlp_24_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.5429975986480713 + set_success: 0.017514944076538086 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resmlp_24_224_timm_65a3b5dc/onnx/resmlp_24_224_timm_65a3b5dc-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resmlp_24_224.py +class: MlpMixer +hash: d0723612 +model_name: resmlp_24_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 117379.2852 +onnx_ops_counter: + Add: 193 + Concat: 1 + Constant: 125 + Conv: 1 + Div: 24 + Erf: 24 + Gemm: 1 + MatMul: 72 + Mul: 194 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 49 +parameters: 30020680 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resmlp_24_224_Opset17_timm/resmlp_24_224_Opset17.onnx b/Computer_Vision/resmlp_24_224_Opset17_timm/resmlp_24_224_Opset17.onnx new file mode 100644 index 000000000..3c33e1b2d --- /dev/null +++ b/Computer_Vision/resmlp_24_224_Opset17_timm/resmlp_24_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0cd4db96a04519e81587da330d0ee3707b45a7bfebe748d6584ce9041e2cdb0 +size 120196355 diff --git a/Computer_Vision/resmlp_24_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resmlp_24_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..98ec588c9 --- /dev/null +++ b/Computer_Vision/resmlp_24_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.4802138805389404 + set_success: 0.01789236068725586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resmlp_24_224_timm_65a3b5dc/onnx/resmlp_24_224_timm_65a3b5dc-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resmlp_24_224.py +class: MlpMixer +hash: d0723612 +model_name: resmlp_24_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 117379.2852 +onnx_ops_counter: + Add: 193 + Concat: 1 + Constant: 125 + Conv: 1 + Div: 24 + Erf: 24 + Gemm: 1 + MatMul: 72 + Mul: 194 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 49 +parameters: 30020680 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resmlp_24_224_dino_Opset16_timm/resmlp_24_224_dino_Opset16.onnx b/Computer_Vision/resmlp_24_224_dino_Opset16_timm/resmlp_24_224_dino_Opset16.onnx new file mode 100644 index 000000000..fee0d3863 --- /dev/null +++ b/Computer_Vision/resmlp_24_224_dino_Opset16_timm/resmlp_24_224_dino_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:269f089a02dbdba217dc4fb836a25d72ecf2a362d9e108905191f02b541c6d1a +size 120196355 diff --git a/Computer_Vision/resmlp_24_224_dino_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resmlp_24_224_dino_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2343f7219 --- /dev/null +++ b/Computer_Vision/resmlp_24_224_dino_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.5624663829803467 + set_success: 0.017237186431884766 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resmlp_24_224_dino_timm_65a3b5dc/onnx/resmlp_24_224_dino_timm_65a3b5dc-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resmlp_24_224_dino.py +class: MlpMixer +hash: d0723612 +model_name: resmlp_24_224_dino +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 117379.2852 +onnx_ops_counter: + Add: 193 + Concat: 1 + Constant: 125 + Conv: 1 + Div: 24 + Erf: 24 + Gemm: 1 + MatMul: 72 + Mul: 194 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 49 +parameters: 30020680 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resmlp_24_224_dino_Opset17_timm/resmlp_24_224_dino_Opset17.onnx b/Computer_Vision/resmlp_24_224_dino_Opset17_timm/resmlp_24_224_dino_Opset17.onnx new file mode 100644 index 000000000..3c33e1b2d --- /dev/null +++ b/Computer_Vision/resmlp_24_224_dino_Opset17_timm/resmlp_24_224_dino_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0cd4db96a04519e81587da330d0ee3707b45a7bfebe748d6584ce9041e2cdb0 +size 120196355 diff --git a/Computer_Vision/resmlp_24_224_dino_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resmlp_24_224_dino_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3100349c5 --- /dev/null +++ b/Computer_Vision/resmlp_24_224_dino_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.2596707344055176 + set_success: 0.017465591430664062 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resmlp_24_224_dino_timm_65a3b5dc/onnx/resmlp_24_224_dino_timm_65a3b5dc-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resmlp_24_224_dino.py +class: MlpMixer +hash: d0723612 +model_name: resmlp_24_224_dino +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 117379.2852 +onnx_ops_counter: + Add: 193 + Concat: 1 + Constant: 125 + Conv: 1 + Div: 24 + Erf: 24 + Gemm: 1 + MatMul: 72 + Mul: 194 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 49 +parameters: 30020680 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resmlp_24_distilled_224_Opset16_timm/resmlp_24_distilled_224_Opset16.onnx b/Computer_Vision/resmlp_24_distilled_224_Opset16_timm/resmlp_24_distilled_224_Opset16.onnx new file mode 100644 index 000000000..77acf5efe --- /dev/null +++ b/Computer_Vision/resmlp_24_distilled_224_Opset16_timm/resmlp_24_distilled_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de1746ab26d3cd47cd79c5d6acc01a37725ab930340525e67d373a2d20b443ad +size 120196355 diff --git a/Computer_Vision/resmlp_24_distilled_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resmlp_24_distilled_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6e5af7dfa --- /dev/null +++ b/Computer_Vision/resmlp_24_distilled_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.456148147583008 + set_success: 0.0194091796875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resmlp_24_distilled_224_timm_65a3b5dc/onnx/resmlp_24_distilled_224_timm_65a3b5dc-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resmlp_24_distilled_224.py +class: MlpMixer +hash: d0723612 +model_name: resmlp_24_distilled_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 117379.2852 +onnx_ops_counter: + Add: 193 + Concat: 1 + Constant: 125 + Conv: 1 + Div: 24 + Erf: 24 + Gemm: 1 + MatMul: 72 + Mul: 194 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 49 +parameters: 30020680 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resmlp_24_distilled_224_Opset17_timm/resmlp_24_distilled_224_Opset17.onnx b/Computer_Vision/resmlp_24_distilled_224_Opset17_timm/resmlp_24_distilled_224_Opset17.onnx new file mode 100644 index 000000000..f72648997 --- /dev/null +++ b/Computer_Vision/resmlp_24_distilled_224_Opset17_timm/resmlp_24_distilled_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bcd06c28d473e801c3ba660f44e3b6a74bba9963a6c2cc92e25cfde0699a55b8 +size 120196355 diff --git a/Computer_Vision/resmlp_24_distilled_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resmlp_24_distilled_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..35c6293a3 --- /dev/null +++ b/Computer_Vision/resmlp_24_distilled_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.5234107971191406 + set_success: 0.019571781158447266 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resmlp_24_distilled_224_timm_65a3b5dc/onnx/resmlp_24_distilled_224_timm_65a3b5dc-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resmlp_24_distilled_224.py +class: MlpMixer +hash: d0723612 +model_name: resmlp_24_distilled_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 117379.2852 +onnx_ops_counter: + Add: 193 + Concat: 1 + Constant: 125 + Conv: 1 + Div: 24 + Erf: 24 + Gemm: 1 + MatMul: 72 + Mul: 194 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 49 +parameters: 30020680 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resmlp_36_224_Opset16_timm/resmlp_36_224_Opset16.onnx b/Computer_Vision/resmlp_36_224_Opset16_timm/resmlp_36_224_Opset16.onnx new file mode 100644 index 000000000..573e3d96e --- /dev/null +++ b/Computer_Vision/resmlp_36_224_Opset16_timm/resmlp_36_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:021254e2d7d74b21ba998ee6b776323d2f425bd892744b234661a3226ecf67aa +size 178932023 diff --git a/Computer_Vision/resmlp_36_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resmlp_36_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..220cb8027 --- /dev/null +++ b/Computer_Vision/resmlp_36_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.434688091278076 + set_success: 0.021161556243896484 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resmlp_36_224_timm_87ac8df9/onnx/resmlp_36_224_timm_87ac8df9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resmlp_36_224.py +class: MlpMixer +hash: 0e09eb22 +model_name: resmlp_36_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 174738.3359 +onnx_ops_counter: + Add: 289 + Concat: 1 + Constant: 185 + Conv: 1 + Div: 36 + Erf: 36 + Gemm: 1 + MatMul: 108 + Mul: 290 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 73 +parameters: 44690488 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resmlp_36_224_Opset17_timm/resmlp_36_224_Opset17.onnx b/Computer_Vision/resmlp_36_224_Opset17_timm/resmlp_36_224_Opset17.onnx new file mode 100644 index 000000000..a81bd74d4 --- /dev/null +++ b/Computer_Vision/resmlp_36_224_Opset17_timm/resmlp_36_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09f21f4645c79f6c7cb4abdc1cd06436b1cd14c31f9370ce6b2bc18da48b9c47 +size 178932023 diff --git a/Computer_Vision/resmlp_36_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resmlp_36_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7b94c3fe7 --- /dev/null +++ b/Computer_Vision/resmlp_36_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.1882483959198 + set_success: 0.019405841827392578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resmlp_36_224_timm_87ac8df9/onnx/resmlp_36_224_timm_87ac8df9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resmlp_36_224.py +class: MlpMixer +hash: 0e09eb22 +model_name: resmlp_36_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 174738.3359 +onnx_ops_counter: + Add: 289 + Concat: 1 + Constant: 185 + Conv: 1 + Div: 36 + Erf: 36 + Gemm: 1 + MatMul: 108 + Mul: 290 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 73 +parameters: 44690488 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resmlp_36_distilled_224_Opset16_timm/resmlp_36_distilled_224_Opset16.onnx b/Computer_Vision/resmlp_36_distilled_224_Opset16_timm/resmlp_36_distilled_224_Opset16.onnx new file mode 100644 index 000000000..478667f99 --- /dev/null +++ b/Computer_Vision/resmlp_36_distilled_224_Opset16_timm/resmlp_36_distilled_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0fbd61e9c8a9d33db7232c50ec6f72849c89291ded39fcad9f08109b5ba5ca6f +size 178932023 diff --git a/Computer_Vision/resmlp_36_distilled_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resmlp_36_distilled_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e19fedce7 --- /dev/null +++ b/Computer_Vision/resmlp_36_distilled_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.542625904083252 + set_success: 0.017224788665771484 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resmlp_36_distilled_224_timm_87ac8df9/onnx/resmlp_36_distilled_224_timm_87ac8df9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resmlp_36_distilled_224.py +class: MlpMixer +hash: 0e09eb22 +model_name: resmlp_36_distilled_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 174738.3359 +onnx_ops_counter: + Add: 289 + Concat: 1 + Constant: 185 + Conv: 1 + Div: 36 + Erf: 36 + Gemm: 1 + MatMul: 108 + Mul: 290 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 73 +parameters: 44690488 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resmlp_36_distilled_224_Opset17_timm/resmlp_36_distilled_224_Opset17.onnx b/Computer_Vision/resmlp_36_distilled_224_Opset17_timm/resmlp_36_distilled_224_Opset17.onnx new file mode 100644 index 000000000..002f161f0 --- /dev/null +++ b/Computer_Vision/resmlp_36_distilled_224_Opset17_timm/resmlp_36_distilled_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c5e1030a6be2f7e0a9ec3b238632df37bdebbdf0becd65fe250610dbb1da8be +size 178932023 diff --git a/Computer_Vision/resmlp_36_distilled_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resmlp_36_distilled_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f2a15c074 --- /dev/null +++ b/Computer_Vision/resmlp_36_distilled_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.179167985916138 + set_success: 0.020203590393066406 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resmlp_36_distilled_224_timm_87ac8df9/onnx/resmlp_36_distilled_224_timm_87ac8df9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resmlp_36_distilled_224.py +class: MlpMixer +hash: 0e09eb22 +model_name: resmlp_36_distilled_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 174738.3359 +onnx_ops_counter: + Add: 289 + Concat: 1 + Constant: 185 + Conv: 1 + Div: 36 + Erf: 36 + Gemm: 1 + MatMul: 108 + Mul: 290 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 73 +parameters: 44690488 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resmlp_big_24_224_Opset16_timm/resmlp_big_24_224_Opset16.onnx b/Computer_Vision/resmlp_big_24_224_Opset16_timm/resmlp_big_24_224_Opset16.onnx new file mode 100644 index 000000000..d29390f1e --- /dev/null +++ b/Computer_Vision/resmlp_big_24_224_Opset16_timm/resmlp_big_24_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42dd5eab3c41af9ae865c4af97d7f3e6be176d90e73c1d4c575bd187384c386a +size 516666806 diff --git a/Computer_Vision/resmlp_big_24_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resmlp_big_24_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c47eefaad --- /dev/null +++ b/Computer_Vision/resmlp_big_24_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.079475164413452 + set_success: 0.023696184158325195 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resmlp_big_24_224_timm_7ace40b5/onnx/resmlp_big_24_224_timm_7ace40b5-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resmlp_big_24_224.py +class: MlpMixer +hash: bb3cb732 +model_name: resmlp_big_24_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 504557.46 +onnx_ops_counter: + Add: 193 + Concat: 1 + Constant: 125 + Conv: 1 + Div: 24 + Erf: 24 + Gemm: 1 + MatMul: 72 + Mul: 194 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 49 +parameters: 129138280 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resmlp_big_24_224_Opset17_timm/resmlp_big_24_224_Opset17.onnx b/Computer_Vision/resmlp_big_24_224_Opset17_timm/resmlp_big_24_224_Opset17.onnx new file mode 100644 index 000000000..a00e2c72f --- /dev/null +++ b/Computer_Vision/resmlp_big_24_224_Opset17_timm/resmlp_big_24_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8f6ac2ed1d2b37fd4cef08a3c31fd38b3de69b7fd432146af30c78a708333deb +size 516666806 diff --git a/Computer_Vision/resmlp_big_24_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resmlp_big_24_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5a0abc960 --- /dev/null +++ b/Computer_Vision/resmlp_big_24_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.868064641952515 + set_success: 0.023374557495117188 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resmlp_big_24_224_timm_7ace40b5/onnx/resmlp_big_24_224_timm_7ace40b5-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resmlp_big_24_224.py +class: MlpMixer +hash: bb3cb732 +model_name: resmlp_big_24_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 504557.46 +onnx_ops_counter: + Add: 193 + Concat: 1 + Constant: 125 + Conv: 1 + Div: 24 + Erf: 24 + Gemm: 1 + MatMul: 72 + Mul: 194 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 49 +parameters: 129138280 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resmlp_big_24_224_in22ft1k_Opset16_timm/resmlp_big_24_224_in22ft1k_Opset16.onnx b/Computer_Vision/resmlp_big_24_224_in22ft1k_Opset16_timm/resmlp_big_24_224_in22ft1k_Opset16.onnx new file mode 100644 index 000000000..86d9e4433 --- /dev/null +++ b/Computer_Vision/resmlp_big_24_224_in22ft1k_Opset16_timm/resmlp_big_24_224_in22ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aeacc09fd4b6e43508c4ea0221d1cdf9a52ecc86c5d242f1ac6f64a103b42d2a +size 516666806 diff --git a/Computer_Vision/resmlp_big_24_224_in22ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resmlp_big_24_224_in22ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b9b3d7929 --- /dev/null +++ b/Computer_Vision/resmlp_big_24_224_in22ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.243009328842163 + set_success: 0.025046586990356445 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resmlp_big_24_224_in22ft1k_timm_7ace40b5/onnx/resmlp_big_24_224_in22ft1k_timm_7ace40b5-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resmlp_big_24_224_in22ft1k.py +class: MlpMixer +hash: bb3cb732 +model_name: resmlp_big_24_224_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 504557.46 +onnx_ops_counter: + Add: 193 + Concat: 1 + Constant: 125 + Conv: 1 + Div: 24 + Erf: 24 + Gemm: 1 + MatMul: 72 + Mul: 194 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 49 +parameters: 129138280 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resmlp_big_24_224_in22ft1k_Opset17_timm/resmlp_big_24_224_in22ft1k_Opset17.onnx b/Computer_Vision/resmlp_big_24_224_in22ft1k_Opset17_timm/resmlp_big_24_224_in22ft1k_Opset17.onnx new file mode 100644 index 000000000..e2b8a4b9f --- /dev/null +++ b/Computer_Vision/resmlp_big_24_224_in22ft1k_Opset17_timm/resmlp_big_24_224_in22ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe16bee17d82fc003241ac230d352cecea3d997335176228fce1657c590bbc58 +size 516666806 diff --git a/Computer_Vision/resmlp_big_24_224_in22ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resmlp_big_24_224_in22ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ecb9e4aea --- /dev/null +++ b/Computer_Vision/resmlp_big_24_224_in22ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.101634979248047 + set_success: 0.028493165969848633 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resmlp_big_24_224_in22ft1k_timm_7ace40b5/onnx/resmlp_big_24_224_in22ft1k_timm_7ace40b5-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resmlp_big_24_224_in22ft1k.py +class: MlpMixer +hash: bb3cb732 +model_name: resmlp_big_24_224_in22ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 504557.46 +onnx_ops_counter: + Add: 193 + Concat: 1 + Constant: 125 + Conv: 1 + Div: 24 + Erf: 24 + Gemm: 1 + MatMul: 72 + Mul: 194 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 49 +parameters: 129138280 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resmlp_big_24_distilled_224_Opset16_timm/resmlp_big_24_distilled_224_Opset16.onnx b/Computer_Vision/resmlp_big_24_distilled_224_Opset16_timm/resmlp_big_24_distilled_224_Opset16.onnx new file mode 100644 index 000000000..c308e1813 --- /dev/null +++ b/Computer_Vision/resmlp_big_24_distilled_224_Opset16_timm/resmlp_big_24_distilled_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89747fdf0bf2b78473ed4d3a56da05171d0237a2b491ee20fc38d6d6abd6bd6 +size 516666806 diff --git a/Computer_Vision/resmlp_big_24_distilled_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resmlp_big_24_distilled_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7b3a5be0c --- /dev/null +++ b/Computer_Vision/resmlp_big_24_distilled_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.591723918914795 + set_success: 0.02597188949584961 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resmlp_big_24_distilled_224_timm_7ace40b5/onnx/resmlp_big_24_distilled_224_timm_7ace40b5-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resmlp_big_24_distilled_224.py +class: MlpMixer +hash: bb3cb732 +model_name: resmlp_big_24_distilled_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 504557.46 +onnx_ops_counter: + Add: 193 + Concat: 1 + Constant: 125 + Conv: 1 + Div: 24 + Erf: 24 + Gemm: 1 + MatMul: 72 + Mul: 194 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 49 +parameters: 129138280 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resmlp_big_24_distilled_224_Opset17_timm/resmlp_big_24_distilled_224_Opset17.onnx b/Computer_Vision/resmlp_big_24_distilled_224_Opset17_timm/resmlp_big_24_distilled_224_Opset17.onnx new file mode 100644 index 000000000..226329481 --- /dev/null +++ b/Computer_Vision/resmlp_big_24_distilled_224_Opset17_timm/resmlp_big_24_distilled_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bc975ecbc0d3388ae41d89f3b7d45890b99d590abbe6b561eda3ae0b9874ecb1 +size 516666806 diff --git a/Computer_Vision/resmlp_big_24_distilled_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resmlp_big_24_distilled_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f8d461e2c --- /dev/null +++ b/Computer_Vision/resmlp_big_24_distilled_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.146506309509277 + set_success: 0.024012327194213867 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resmlp_big_24_distilled_224_timm_7ace40b5/onnx/resmlp_big_24_distilled_224_timm_7ace40b5-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resmlp_big_24_distilled_224.py +class: MlpMixer +hash: bb3cb732 +model_name: resmlp_big_24_distilled_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 504557.46 +onnx_ops_counter: + Add: 193 + Concat: 1 + Constant: 125 + Conv: 1 + Div: 24 + Erf: 24 + Gemm: 1 + MatMul: 72 + Mul: 194 + ReduceMean: 1 + Reshape: 1 + Shape: 1 + Slice: 1 + Transpose: 49 +parameters: 129138280 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnest101e_Opset16_timm/resnest101e_Opset16.onnx b/Computer_Vision/resnest101e_Opset16_timm/resnest101e_Opset16.onnx new file mode 100644 index 000000000..dbc5f4f8e --- /dev/null +++ b/Computer_Vision/resnest101e_Opset16_timm/resnest101e_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6aa0ee8dc3d3455ad7d7626b7c718ae36b1d53515ee55f6c892e554da58edcc1 +size 192994861 diff --git a/Computer_Vision/resnest101e_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnest101e_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..10e9c478a --- /dev/null +++ b/Computer_Vision/resnest101e_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.808910608291626 + set_success: 0.025661230087280273 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnest101e_timm_8451cf46/onnx/resnest101e_timm_8451cf46-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnest101e.py +class: ResNet +hash: c3eeab6a +model_name: resnest101e +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 188471.5762 +onnx_ops_counter: + Add: 33 + AveragePool: 6 + Constant: 166 + Conv: 172 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 33 + ReduceMean: 33 + ReduceSum: 66 + Relu: 135 + Reshape: 165 + Softmax: 33 + Transpose: 33 +parameters: 48275016 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnest101e_Opset17_timm/resnest101e_Opset17.onnx b/Computer_Vision/resnest101e_Opset17_timm/resnest101e_Opset17.onnx new file mode 100644 index 000000000..1a82c6bd0 --- /dev/null +++ b/Computer_Vision/resnest101e_Opset17_timm/resnest101e_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd230a35273b72bdef5b5ae7a80ee33969de0fc219250036e858090efedaec8b +size 192994861 diff --git a/Computer_Vision/resnest101e_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnest101e_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e2c99ee93 --- /dev/null +++ b/Computer_Vision/resnest101e_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.257490158081055 + set_success: 0.019478797912597656 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnest101e_timm_8451cf46/onnx/resnest101e_timm_8451cf46-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnest101e.py +class: ResNet +hash: c3eeab6a +model_name: resnest101e +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 188471.5762 +onnx_ops_counter: + Add: 33 + AveragePool: 6 + Constant: 166 + Conv: 172 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 33 + ReduceMean: 33 + ReduceSum: 66 + Relu: 135 + Reshape: 165 + Softmax: 33 + Transpose: 33 +parameters: 48275016 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnest14d_Opset16_timm/resnest14d_Opset16.onnx b/Computer_Vision/resnest14d_Opset16_timm/resnest14d_Opset16.onnx new file mode 100644 index 000000000..914351a08 --- /dev/null +++ b/Computer_Vision/resnest14d_Opset16_timm/resnest14d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:475daa1b91a3b3b06f2497fe49d1d1183dda557bcd14a69c94fafc575e94d108 +size 42425023 diff --git a/Computer_Vision/resnest14d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnest14d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..71a79e298 --- /dev/null +++ b/Computer_Vision/resnest14d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9870843887329102 + set_success: 0.015976667404174805 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnest14d_timm_5bb78eee/onnx/resnest14d_timm_5bb78eee-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnest14d.py +class: ResNet +hash: ee96649b +model_name: resnest14d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 41430.7188 +onnx_ops_counter: + Add: 4 + AveragePool: 6 + Constant: 21 + Conv: 27 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 4 + ReduceMean: 4 + ReduceSum: 8 + Relu: 19 + Reshape: 20 + Softmax: 4 + Transpose: 4 +parameters: 10611688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnest14d_Opset17_timm/resnest14d_Opset17.onnx b/Computer_Vision/resnest14d_Opset17_timm/resnest14d_Opset17.onnx new file mode 100644 index 000000000..5871e173c --- /dev/null +++ b/Computer_Vision/resnest14d_Opset17_timm/resnest14d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:936edcdbe88a83fddde1193bff1b08416f84bf0f95e74bc62b531a28cc2313b0 +size 42425023 diff --git a/Computer_Vision/resnest14d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnest14d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..963fb85f8 --- /dev/null +++ b/Computer_Vision/resnest14d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.970440149307251 + set_success: 0.01743793487548828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnest14d_timm_5bb78eee/onnx/resnest14d_timm_5bb78eee-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnest14d.py +class: ResNet +hash: ee96649b +model_name: resnest14d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 41430.7188 +onnx_ops_counter: + Add: 4 + AveragePool: 6 + Constant: 21 + Conv: 27 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 4 + ReduceMean: 4 + ReduceSum: 8 + Relu: 19 + Reshape: 20 + Softmax: 4 + Transpose: 4 +parameters: 10611688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnest200e_Opset16_timm/resnest200e_Opset16.onnx b/Computer_Vision/resnest200e_Opset16_timm/resnest200e_Opset16.onnx new file mode 100644 index 000000000..255a7dde4 --- /dev/null +++ b/Computer_Vision/resnest200e_Opset16_timm/resnest200e_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7999c12f446e5044ec698df61f002c32c4b695fa0214285acb28dec512b90591 +size 280680157 diff --git a/Computer_Vision/resnest200e_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnest200e_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..95192b19f --- /dev/null +++ b/Computer_Vision/resnest200e_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 36.796921491622925 + set_success: 0.03019404411315918 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnest200e_timm_6e92a0be/onnx/resnest200e_timm_6e92a0be-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnest200e.py +class: ResNet +hash: 5e51a379 +model_name: resnest200e +onnx_input_dimensions: + x: + - 1 + - 3 + - 320 + - 320 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 274101.748 +onnx_ops_counter: + Add: 66 + AveragePool: 6 + Constant: 331 + Conv: 337 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 66 + ReduceMean: 66 + ReduceSum: 132 + Relu: 267 + Reshape: 330 + Softmax: 66 + Transpose: 66 +parameters: 70201544 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnest200e_Opset17_timm/resnest200e_Opset17.onnx b/Computer_Vision/resnest200e_Opset17_timm/resnest200e_Opset17.onnx new file mode 100644 index 000000000..79cba76cd --- /dev/null +++ b/Computer_Vision/resnest200e_Opset17_timm/resnest200e_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fd6d49885665688407d61d6c682254981a797ca328fcc1f07421c3a9b296fa86 +size 280680157 diff --git a/Computer_Vision/resnest200e_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnest200e_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..55acb6974 --- /dev/null +++ b/Computer_Vision/resnest200e_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 38.31760859489441 + set_success: 0.02598714828491211 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnest200e_timm_6e92a0be/onnx/resnest200e_timm_6e92a0be-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnest200e.py +class: ResNet +hash: 5e51a379 +model_name: resnest200e +onnx_input_dimensions: + x: + - 1 + - 3 + - 320 + - 320 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 274101.748 +onnx_ops_counter: + Add: 66 + AveragePool: 6 + Constant: 331 + Conv: 337 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 66 + ReduceMean: 66 + ReduceSum: 132 + Relu: 267 + Reshape: 330 + Softmax: 66 + Transpose: 66 +parameters: 70201544 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnest269e_Opset16_timm/resnest269e_Opset16.onnx b/Computer_Vision/resnest269e_Opset16_timm/resnest269e_Opset16.onnx new file mode 100644 index 000000000..7b4fb54a5 --- /dev/null +++ b/Computer_Vision/resnest269e_Opset16_timm/resnest269e_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6fc5276f761bf3acae9b9ce00459f740fb958ba7d38b8dc883431d8d3eb41996 +size 443504187 diff --git a/Computer_Vision/resnest269e_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnest269e_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..da5b473ee --- /dev/null +++ b/Computer_Vision/resnest269e_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 69.32721161842346 + set_success: 0.03383302688598633 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnest269e_timm_bee219a9/onnx/resnest269e_timm_bee219a9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnest269e.py +class: ResNet +hash: ac03e0f8 +model_name: resnest269e +onnx_input_dimensions: + x: + - 1 + - 3 + - 416 + - 416 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 433109.5898 +onnx_ops_counter: + Add: 89 + AveragePool: 6 + Constant: 446 + Conv: 452 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 89 + ReduceMean: 89 + ReduceSum: 178 + Relu: 359 + Reshape: 445 + Softmax: 89 + Transpose: 89 +parameters: 110929480 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnest269e_Opset17_timm/resnest269e_Opset17.onnx b/Computer_Vision/resnest269e_Opset17_timm/resnest269e_Opset17.onnx new file mode 100644 index 000000000..b78ca6b5f --- /dev/null +++ b/Computer_Vision/resnest269e_Opset17_timm/resnest269e_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c203a07da63abcc443528ffd30c5177cc174291b55b17f6e9d75243fee419293 +size 443504187 diff --git a/Computer_Vision/resnest269e_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnest269e_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2b0197432 --- /dev/null +++ b/Computer_Vision/resnest269e_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 69.63095021247864 + set_success: 0.03668642044067383 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnest269e_timm_bee219a9/onnx/resnest269e_timm_bee219a9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnest269e.py +class: ResNet +hash: ac03e0f8 +model_name: resnest269e +onnx_input_dimensions: + x: + - 1 + - 3 + - 416 + - 416 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 433109.5898 +onnx_ops_counter: + Add: 89 + AveragePool: 6 + Constant: 446 + Conv: 452 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 89 + ReduceMean: 89 + ReduceSum: 178 + Relu: 359 + Reshape: 445 + Softmax: 89 + Transpose: 89 +parameters: 110929480 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnest26d_Opset16_timm/resnest26d_Opset16.onnx b/Computer_Vision/resnest26d_Opset16_timm/resnest26d_Opset16.onnx new file mode 100644 index 000000000..79866f501 --- /dev/null +++ b/Computer_Vision/resnest26d_Opset16_timm/resnest26d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b983dc4b4b0d8768acbf5e16a0ae223335f37224cf0bdecf52bd70a2b79cf91f +size 68245309 diff --git a/Computer_Vision/resnest26d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnest26d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ceb3d3245 --- /dev/null +++ b/Computer_Vision/resnest26d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7408132553100586 + set_success: 0.01655101776123047 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnest26d_timm_fbf52d9f/onnx/resnest26d_timm_fbf52d9f-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnest26d.py +class: ResNet +hash: 002b9f60 +model_name: resnest26d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 66645.8418 +onnx_ops_counter: + Add: 8 + AveragePool: 6 + Constant: 41 + Conv: 47 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 8 + ReduceMean: 8 + ReduceSum: 16 + Relu: 35 + Reshape: 40 + Softmax: 8 + Transpose: 8 +parameters: 17069448 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnest26d_Opset17_timm/resnest26d_Opset17.onnx b/Computer_Vision/resnest26d_Opset17_timm/resnest26d_Opset17.onnx new file mode 100644 index 000000000..6eedf9eb0 --- /dev/null +++ b/Computer_Vision/resnest26d_Opset17_timm/resnest26d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:620b17f091f61b3d7924a213bc693c1c90318dc4a2d8306599380bfe462fbcfa +size 68245309 diff --git a/Computer_Vision/resnest26d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnest26d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8eba7041d --- /dev/null +++ b/Computer_Vision/resnest26d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8318719863891602 + set_success: 0.017634153366088867 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnest26d_timm_fbf52d9f/onnx/resnest26d_timm_fbf52d9f-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnest26d.py +class: ResNet +hash: 002b9f60 +model_name: resnest26d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 66645.8418 +onnx_ops_counter: + Add: 8 + AveragePool: 6 + Constant: 41 + Conv: 47 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 8 + ReduceMean: 8 + ReduceSum: 16 + Relu: 35 + Reshape: 40 + Softmax: 8 + Transpose: 8 +parameters: 17069448 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnest50d_1s4x24d_Opset16_timm/resnest50d_1s4x24d_Opset16.onnx b/Computer_Vision/resnest50d_1s4x24d_Opset16_timm/resnest50d_1s4x24d_Opset16.onnx new file mode 100644 index 000000000..949ab5232 --- /dev/null +++ b/Computer_Vision/resnest50d_1s4x24d_Opset16_timm/resnest50d_1s4x24d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c00682fd162995e72404f1e8b7e02198c64d1e14174bacb822cb548239af903 +size 102627865 diff --git a/Computer_Vision/resnest50d_1s4x24d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnest50d_1s4x24d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..86afc32ba --- /dev/null +++ b/Computer_Vision/resnest50d_1s4x24d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.5451974868774414 + set_success: 0.016563892364501953 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnest50d_1s4x24d_timm_9e46b15a/onnx/resnest50d_1s4x24d_timm_9e46b15a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnest50d_1s4x24d.py +class: ResNet +hash: 366bb055 +model_name: resnest50d_1s4x24d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 100222.5566 +onnx_ops_counter: + Add: 16 + AveragePool: 6 + Constant: 16 + Conv: 87 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + Relu: 67 + Reshape: 16 + Sigmoid: 16 +parameters: 25677000 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnest50d_1s4x24d_Opset17_timm/resnest50d_1s4x24d_Opset17.onnx b/Computer_Vision/resnest50d_1s4x24d_Opset17_timm/resnest50d_1s4x24d_Opset17.onnx new file mode 100644 index 000000000..bf8cb88e8 --- /dev/null +++ b/Computer_Vision/resnest50d_1s4x24d_Opset17_timm/resnest50d_1s4x24d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25d3d2ba12659c642225a3a5a577324bca1e991521f412034120f5893fa38f02 +size 102627865 diff --git a/Computer_Vision/resnest50d_1s4x24d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnest50d_1s4x24d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..11bfbeba1 --- /dev/null +++ b/Computer_Vision/resnest50d_1s4x24d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.609147548675537 + set_success: 0.01769280433654785 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnest50d_1s4x24d_timm_9e46b15a/onnx/resnest50d_1s4x24d_timm_9e46b15a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnest50d_1s4x24d.py +class: ResNet +hash: 366bb055 +model_name: resnest50d_1s4x24d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 100222.5566 +onnx_ops_counter: + Add: 16 + AveragePool: 6 + Constant: 16 + Conv: 87 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + Relu: 67 + Reshape: 16 + Sigmoid: 16 +parameters: 25677000 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnest50d_4s2x40d_Opset16_timm/resnest50d_4s2x40d_Opset16.onnx b/Computer_Vision/resnest50d_4s2x40d_Opset16_timm/resnest50d_4s2x40d_Opset16.onnx new file mode 100644 index 000000000..9216282a5 --- /dev/null +++ b/Computer_Vision/resnest50d_4s2x40d_Opset16_timm/resnest50d_4s2x40d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:599dfa790f940ffdf1800055648d9f56b0d4561365657dfc384bf7ff127f6a12 +size 121546937 diff --git a/Computer_Vision/resnest50d_4s2x40d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnest50d_4s2x40d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5928d833e --- /dev/null +++ b/Computer_Vision/resnest50d_4s2x40d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.8519999980926514 + set_success: 0.017601966857910156 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnest50d_4s2x40d_timm_08471e1d/onnx/resnest50d_4s2x40d_timm_08471e1d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnest50d_4s2x40d.py +class: ResNet +hash: 63df272e +model_name: resnest50d_4s2x40d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 118698.2129 +onnx_ops_counter: + Add: 16 + AveragePool: 6 + Constant: 81 + Conv: 87 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + ReduceSum: 32 + Relu: 67 + Reshape: 80 + Softmax: 16 + Transpose: 16 +parameters: 30417592 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnest50d_4s2x40d_Opset17_timm/resnest50d_4s2x40d_Opset17.onnx b/Computer_Vision/resnest50d_4s2x40d_Opset17_timm/resnest50d_4s2x40d_Opset17.onnx new file mode 100644 index 000000000..993bb3339 --- /dev/null +++ b/Computer_Vision/resnest50d_4s2x40d_Opset17_timm/resnest50d_4s2x40d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23b9a1e0569355ca8fa93e7de5bf8e230d68a21ee3afc26d1ae6f55a11d66992 +size 121546937 diff --git a/Computer_Vision/resnest50d_4s2x40d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnest50d_4s2x40d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..18fa21c25 --- /dev/null +++ b/Computer_Vision/resnest50d_4s2x40d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.9178946018218994 + set_success: 0.018329381942749023 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnest50d_4s2x40d_timm_08471e1d/onnx/resnest50d_4s2x40d_timm_08471e1d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnest50d_4s2x40d.py +class: ResNet +hash: 63df272e +model_name: resnest50d_4s2x40d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 118698.2129 +onnx_ops_counter: + Add: 16 + AveragePool: 6 + Constant: 81 + Conv: 87 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + ReduceSum: 32 + Relu: 67 + Reshape: 80 + Softmax: 16 + Transpose: 16 +parameters: 30417592 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnest50d_Opset16_timm/resnest50d_Opset16.onnx b/Computer_Vision/resnest50d_Opset16_timm/resnest50d_Opset16.onnx new file mode 100644 index 000000000..fec8942de --- /dev/null +++ b/Computer_Vision/resnest50d_Opset16_timm/resnest50d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d6ddbf928d44e55b07e956e3c3ca8c547417a182a9a000c215bf763da6924dd +size 109881275 diff --git a/Computer_Vision/resnest50d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnest50d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cbcc2dd56 --- /dev/null +++ b/Computer_Vision/resnest50d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.315263509750366 + set_success: 0.01734447479248047 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnest50d_timm_a4a164ab/onnx/resnest50d_timm_a4a164ab-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnest50d.py +class: ResNet +hash: 38f9507f +model_name: resnest50d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 107305.9648 +onnx_ops_counter: + Add: 16 + AveragePool: 6 + Constant: 81 + Conv: 87 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + ReduceSum: 32 + Relu: 67 + Reshape: 80 + Softmax: 16 + Transpose: 16 +parameters: 27483240 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnest50d_Opset17_timm/resnest50d_Opset17.onnx b/Computer_Vision/resnest50d_Opset17_timm/resnest50d_Opset17.onnx new file mode 100644 index 000000000..f64299e30 --- /dev/null +++ b/Computer_Vision/resnest50d_Opset17_timm/resnest50d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:714bcad5af286fa90b07ec46c5fa29d272bb5294873a241a829306e1f4b0eb5b +size 109881275 diff --git a/Computer_Vision/resnest50d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnest50d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..184abb0ac --- /dev/null +++ b/Computer_Vision/resnest50d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.234457015991211 + set_success: 0.017006874084472656 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnest50d_timm_a4a164ab/onnx/resnest50d_timm_a4a164ab-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnest50d.py +class: ResNet +hash: 38f9507f +model_name: resnest50d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 107305.9648 +onnx_ops_counter: + Add: 16 + AveragePool: 6 + Constant: 81 + Conv: 87 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + ReduceSum: 32 + Relu: 67 + Reshape: 80 + Softmax: 16 + Transpose: 16 +parameters: 27483240 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet101_Opset16_timm/resnet101_Opset16.onnx b/Computer_Vision/resnet101_Opset16_timm/resnet101_Opset16.onnx new file mode 100644 index 000000000..d61d22e1f --- /dev/null +++ b/Computer_Vision/resnet101_Opset16_timm/resnet101_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2eaaa6ab9f3d4ff63f42d3d744db072fbeb15ac692de4d1ed32953ec1622f4b +size 178034226 diff --git a/Computer_Vision/resnet101_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnet101_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..297fdbf9a --- /dev/null +++ b/Computer_Vision/resnet101_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.556532144546509 + set_success: 0.016840219497680664 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet101_timm_05a06cd7/onnx/resnet101_timm_05a06cd7-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet101.py +class: ResNet +hash: '57509176' +model_name: resnet101 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 173861.5811 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44549160 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet101_Opset16_torch_hub/resnet101_Opset16.onnx b/Computer_Vision/resnet101_Opset16_torch_hub/resnet101_Opset16.onnx new file mode 100644 index 000000000..136564c18 --- /dev/null +++ b/Computer_Vision/resnet101_Opset16_torch_hub/resnet101_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dda3484cf68aef447561c2ffed149329398967b050bee493589153edc03f22e6 +size 178034596 diff --git a/Computer_Vision/resnet101_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/resnet101_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..23f2d53f9 --- /dev/null +++ b/Computer_Vision/resnet101_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.6004364490509033 + set_success: 0.018623828887939453 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet101_torch_hub_2daee76f/onnx/resnet101_torch_hub_2daee76f-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/resnet101.py +class: ResNet +hash: 285cd579 +model_name: resnet101 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 173861.9424 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44549160 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet101_Opset17_timm/resnet101_Opset17.onnx b/Computer_Vision/resnet101_Opset17_timm/resnet101_Opset17.onnx new file mode 100644 index 000000000..a93d41c0c --- /dev/null +++ b/Computer_Vision/resnet101_Opset17_timm/resnet101_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d7803e0c79cc1c5ca8bcce3fd41376439e5cbeb16e025faad27a83f687ad26fb +size 178034226 diff --git a/Computer_Vision/resnet101_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnet101_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3eb30077e --- /dev/null +++ b/Computer_Vision/resnet101_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.597627878189087 + set_success: 0.018302202224731445 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet101_timm_05a06cd7/onnx/resnet101_timm_05a06cd7-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet101.py +class: ResNet +hash: '57509176' +model_name: resnet101 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 173861.5811 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44549160 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet101_Opset17_torch_hub/resnet101_Opset17.onnx b/Computer_Vision/resnet101_Opset17_torch_hub/resnet101_Opset17.onnx new file mode 100644 index 000000000..4b3624e9a --- /dev/null +++ b/Computer_Vision/resnet101_Opset17_torch_hub/resnet101_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad5c2a502f1bd9754543aba73da6728993f590529afdb8ef83ec9418df440b69 +size 178034596 diff --git a/Computer_Vision/resnet101_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/resnet101_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..4e5813f59 --- /dev/null +++ b/Computer_Vision/resnet101_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.482365369796753 + set_success: 0.01676774024963379 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet101_torch_hub_2daee76f/onnx/resnet101_torch_hub_2daee76f-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/resnet101.py +class: ResNet +hash: 285cd579 +model_name: resnet101 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 173861.9424 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44549160 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet101_Opset18_timm/resnet101_Opset18.onnx b/Computer_Vision/resnet101_Opset18_timm/resnet101_Opset18.onnx new file mode 100644 index 000000000..1797a8300 --- /dev/null +++ b/Computer_Vision/resnet101_Opset18_timm/resnet101_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:57cd9eb94db300db65db3c262e7fd270ad66f83605fa2250351f2d9ee939a8e8 +size 178034226 diff --git a/Computer_Vision/resnet101_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnet101_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..21c2af79d --- /dev/null +++ b/Computer_Vision/resnet101_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.4916858673095703 + set_success: 0.017498493194580078 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet101_timm_05a06cd7/onnx/resnet101_timm_05a06cd7-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet101.py +class: ResNet +hash: '57509176' +model_name: resnet101 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 173861.5811 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44549160 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet101_Opset18_torch_hub/resnet101_Opset18.onnx b/Computer_Vision/resnet101_Opset18_torch_hub/resnet101_Opset18.onnx new file mode 100644 index 000000000..0369ad08f --- /dev/null +++ b/Computer_Vision/resnet101_Opset18_torch_hub/resnet101_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ace28e88df692c74394e0b9d90dda25979b977c6974aedbded1e7cb6a573b5f7 +size 178034596 diff --git a/Computer_Vision/resnet101_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/resnet101_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..1bf06cc9a --- /dev/null +++ b/Computer_Vision/resnet101_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.613020658493042 + set_success: 0.01792597770690918 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet101_torch_hub_2daee76f/onnx/resnet101_torch_hub_2daee76f-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/resnet101.py +class: ResNet +hash: 285cd579 +model_name: resnet101 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 173861.9424 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44549160 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet101d_Opset16_timm/resnet101d_Opset16.onnx b/Computer_Vision/resnet101d_Opset16_timm/resnet101d_Opset16.onnx new file mode 100644 index 000000000..b475ae782 --- /dev/null +++ b/Computer_Vision/resnet101d_Opset16_timm/resnet101d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b8ebcc268b17f412e08b6345f0b5e13589958f6bc101d271b1e2504e6843bb4 +size 178112586 diff --git a/Computer_Vision/resnet101d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnet101d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3560bec4e --- /dev/null +++ b/Computer_Vision/resnet101d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.621670961380005 + set_success: 0.017873764038085938 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet101d_timm_551b3bcb/onnx/resnet101d_timm_551b3bcb-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet101d.py +class: ResNet +hash: d4c68ae8 +model_name: resnet101d +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 173938.1045 +onnx_ops_counter: + Add: 33 + AveragePool: 3 + Conv: 106 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 102 +parameters: 44568392 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet101d_Opset17_timm/resnet101d_Opset17.onnx b/Computer_Vision/resnet101d_Opset17_timm/resnet101d_Opset17.onnx new file mode 100644 index 000000000..f380a4eed --- /dev/null +++ b/Computer_Vision/resnet101d_Opset17_timm/resnet101d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b9f1a6f9c21cb0f3d626953a1557f694fc054474d6df5ed95a0d2d5122c507c +size 178112586 diff --git a/Computer_Vision/resnet101d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnet101d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..49453e910 --- /dev/null +++ b/Computer_Vision/resnet101d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.371237754821777 + set_success: 0.02460336685180664 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet101d_timm_551b3bcb/onnx/resnet101d_timm_551b3bcb-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet101d.py +class: ResNet +hash: d4c68ae8 +model_name: resnet101d +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 173938.1045 +onnx_ops_counter: + Add: 33 + AveragePool: 3 + Conv: 106 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 102 +parameters: 44568392 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet101d_Opset18_timm/resnet101d_Opset18.onnx b/Computer_Vision/resnet101d_Opset18_timm/resnet101d_Opset18.onnx new file mode 100644 index 000000000..e24eed9b9 --- /dev/null +++ b/Computer_Vision/resnet101d_Opset18_timm/resnet101d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8618eab4226b0e83a7fe0613b800b00793e1e86ec114148b3b4679e8cf0ec1df +size 178112586 diff --git a/Computer_Vision/resnet101d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnet101d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ed7d18553 --- /dev/null +++ b/Computer_Vision/resnet101d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.640237808227539 + set_success: 0.019460678100585938 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet101d_timm_551b3bcb/onnx/resnet101d_timm_551b3bcb-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet101d.py +class: ResNet +hash: d4c68ae8 +model_name: resnet101d +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 173938.1045 +onnx_ops_counter: + Add: 33 + AveragePool: 3 + Conv: 106 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 102 +parameters: 44568392 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet10t_Opset16_timm/resnet10t_Opset16.onnx b/Computer_Vision/resnet10t_Opset16_timm/resnet10t_Opset16.onnx new file mode 100644 index 000000000..458dc9ebe --- /dev/null +++ b/Computer_Vision/resnet10t_Opset16_timm/resnet10t_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1637841f93c9b7a5a2083495fa56c379fcc9a494da641c571f0f7f23ecf81440 +size 21737732 diff --git a/Computer_Vision/resnet10t_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnet10t_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..86b0d9d37 --- /dev/null +++ b/Computer_Vision/resnet10t_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.38604140281677246 + set_success: 0.016515493392944336 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet10t_timm_53e4b8f3/onnx/resnet10t_timm_53e4b8f3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet10t.py +class: ResNet +hash: f48b3014 +model_name: resnet10t +onnx_input_dimensions: + x: + - 1 + - 3 + - 176 + - 176 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 21228.2861 +onnx_ops_counter: + Add: 4 + AveragePool: 3 + Conv: 14 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 11 +parameters: 5435488 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet10t_Opset17_timm/resnet10t_Opset17.onnx b/Computer_Vision/resnet10t_Opset17_timm/resnet10t_Opset17.onnx new file mode 100644 index 000000000..f7f96173b --- /dev/null +++ b/Computer_Vision/resnet10t_Opset17_timm/resnet10t_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09f62af3984751bab8c5ae1eb1ae0d429a0c54cca515016d96e2b7e96d45b1bb +size 21737732 diff --git a/Computer_Vision/resnet10t_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnet10t_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ac066ce4a --- /dev/null +++ b/Computer_Vision/resnet10t_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.7512059211730957 + set_success: 0.015599727630615234 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet10t_timm_53e4b8f3/onnx/resnet10t_timm_53e4b8f3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet10t.py +class: ResNet +hash: f48b3014 +model_name: resnet10t +onnx_input_dimensions: + x: + - 1 + - 3 + - 176 + - 176 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 21228.2861 +onnx_ops_counter: + Add: 4 + AveragePool: 3 + Conv: 14 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 11 +parameters: 5435488 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet10t_Opset18_timm/resnet10t_Opset18.onnx b/Computer_Vision/resnet10t_Opset18_timm/resnet10t_Opset18.onnx new file mode 100644 index 000000000..6554f12ef --- /dev/null +++ b/Computer_Vision/resnet10t_Opset18_timm/resnet10t_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0cc05b3fa53c5571a3ab1e70a83e0a8b1fc28060a0451db9a367a01d350f066 +size 21737732 diff --git a/Computer_Vision/resnet10t_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnet10t_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..45d4c5389 --- /dev/null +++ b/Computer_Vision/resnet10t_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.3795149326324463 + set_success: 0.01506948471069336 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet10t_timm_53e4b8f3/onnx/resnet10t_timm_53e4b8f3-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet10t.py +class: ResNet +hash: f48b3014 +model_name: resnet10t +onnx_input_dimensions: + x: + - 1 + - 3 + - 176 + - 176 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 21228.2861 +onnx_ops_counter: + Add: 4 + AveragePool: 3 + Conv: 14 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 11 +parameters: 5435488 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet14t_Opset16_timm/resnet14t_Opset16.onnx b/Computer_Vision/resnet14t_Opset16_timm/resnet14t_Opset16.onnx new file mode 100644 index 000000000..1c025a031 --- /dev/null +++ b/Computer_Vision/resnet14t_Opset16_timm/resnet14t_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ea442be9af2c1a90093d831d6f3bc16fd8d24fc37262dfd18022bfd72711ce5 +size 40297190 diff --git a/Computer_Vision/resnet14t_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnet14t_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..936cb1d3e --- /dev/null +++ b/Computer_Vision/resnet14t_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.671403169631958 + set_success: 0.01600956916809082 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet14t_timm_d528553b/onnx/resnet14t_timm_d528553b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet14t.py +class: ResNet +hash: a50e81a5 +model_name: resnet14t +onnx_input_dimensions: + x: + - 1 + - 3 + - 176 + - 176 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 39352.7568 +onnx_ops_counter: + Add: 4 + AveragePool: 3 + Conv: 19 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 15 +parameters: 10081632 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet14t_Opset17_timm/resnet14t_Opset17.onnx b/Computer_Vision/resnet14t_Opset17_timm/resnet14t_Opset17.onnx new file mode 100644 index 000000000..38b76c4e7 --- /dev/null +++ b/Computer_Vision/resnet14t_Opset17_timm/resnet14t_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6baf5afe9197813526b89d9d8e51a19fd0e80a60ec667950b848f37d4a8e046 +size 40297190 diff --git a/Computer_Vision/resnet14t_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnet14t_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d1f666966 --- /dev/null +++ b/Computer_Vision/resnet14t_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.6771223545074463 + set_success: 0.01495981216430664 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet14t_timm_d528553b/onnx/resnet14t_timm_d528553b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet14t.py +class: ResNet +hash: a50e81a5 +model_name: resnet14t +onnx_input_dimensions: + x: + - 1 + - 3 + - 176 + - 176 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 39352.7568 +onnx_ops_counter: + Add: 4 + AveragePool: 3 + Conv: 19 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 15 +parameters: 10081632 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet14t_Opset18_timm/resnet14t_Opset18.onnx b/Computer_Vision/resnet14t_Opset18_timm/resnet14t_Opset18.onnx new file mode 100644 index 000000000..0615b848e --- /dev/null +++ b/Computer_Vision/resnet14t_Opset18_timm/resnet14t_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a07bb656d6fc9a870ae87a16d85c96e1762fe6e5d0255fb6980297450810b11a +size 40297190 diff --git a/Computer_Vision/resnet14t_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnet14t_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..88bdac1e7 --- /dev/null +++ b/Computer_Vision/resnet14t_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.6724910736083984 + set_success: 0.016913414001464844 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet14t_timm_d528553b/onnx/resnet14t_timm_d528553b-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet14t.py +class: ResNet +hash: a50e81a5 +model_name: resnet14t +onnx_input_dimensions: + x: + - 1 + - 3 + - 176 + - 176 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 39352.7568 +onnx_ops_counter: + Add: 4 + AveragePool: 3 + Conv: 19 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 15 +parameters: 10081632 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet152_Opset16_timm/resnet152_Opset16.onnx b/Computer_Vision/resnet152_Opset16_timm/resnet152_Opset16.onnx new file mode 100644 index 000000000..a5143a3f8 --- /dev/null +++ b/Computer_Vision/resnet152_Opset16_timm/resnet152_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d2b7e592b963bf1902312984eb1d67432a0d76d5381814546bce14edb7387864 +size 240540468 diff --git a/Computer_Vision/resnet152_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnet152_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a26057b7b --- /dev/null +++ b/Computer_Vision/resnet152_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.4607603549957275 + set_success: 0.020085811614990234 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet152_timm_a3a3c88a/onnx/resnet152_timm_a3a3c88a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet152.py +class: ResNet +hash: d48a3c83 +model_name: resnet152 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 234902.833 +onnx_ops_counter: + Add: 50 + Conv: 155 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 151 +parameters: 60192808 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet152_Opset16_torch_hub/resnet152_Opset16.onnx b/Computer_Vision/resnet152_Opset16_torch_hub/resnet152_Opset16.onnx new file mode 100644 index 000000000..7da625450 --- /dev/null +++ b/Computer_Vision/resnet152_Opset16_torch_hub/resnet152_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:974db76ad9038ed11ba403687df231f3a7a3734ca090b19d3d1897b1db837e8d +size 240541076 diff --git a/Computer_Vision/resnet152_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/resnet152_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..0fc9c8598 --- /dev/null +++ b/Computer_Vision/resnet152_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.754378080368042 + set_success: 0.0186312198638916 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet152_torch_hub_2740e672/onnx/resnet152_torch_hub_2740e672-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/resnet152.py +class: ResNet +hash: c732f780 +model_name: resnet152 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 234903.4268 +onnx_ops_counter: + Add: 50 + Conv: 155 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 151 +parameters: 60192808 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet152_Opset17_timm/resnet152_Opset17.onnx b/Computer_Vision/resnet152_Opset17_timm/resnet152_Opset17.onnx new file mode 100644 index 000000000..c30beb58d --- /dev/null +++ b/Computer_Vision/resnet152_Opset17_timm/resnet152_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f991ccd2e46fe8f1691286fb65fc055bd73c95e754d61e25c4f61d8fa04f5d02 +size 240540468 diff --git a/Computer_Vision/resnet152_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnet152_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2e91d25b4 --- /dev/null +++ b/Computer_Vision/resnet152_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.68680739402771 + set_success: 0.019104719161987305 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet152_timm_a3a3c88a/onnx/resnet152_timm_a3a3c88a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet152.py +class: ResNet +hash: d48a3c83 +model_name: resnet152 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 234902.833 +onnx_ops_counter: + Add: 50 + Conv: 155 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 151 +parameters: 60192808 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet152_Opset17_torch_hub/resnet152_Opset17.onnx b/Computer_Vision/resnet152_Opset17_torch_hub/resnet152_Opset17.onnx new file mode 100644 index 000000000..b73c6c4c3 --- /dev/null +++ b/Computer_Vision/resnet152_Opset17_torch_hub/resnet152_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eab372d2cb1323e31927714bc22ca5156d24901aac42de1e52609cad8ca4a79f +size 240541076 diff --git a/Computer_Vision/resnet152_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/resnet152_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..487da0d51 --- /dev/null +++ b/Computer_Vision/resnet152_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.634909629821777 + set_success: 0.018678903579711914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet152_torch_hub_2740e672/onnx/resnet152_torch_hub_2740e672-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/resnet152.py +class: ResNet +hash: c732f780 +model_name: resnet152 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 234903.4268 +onnx_ops_counter: + Add: 50 + Conv: 155 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 151 +parameters: 60192808 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet152_Opset18_timm/resnet152_Opset18.onnx b/Computer_Vision/resnet152_Opset18_timm/resnet152_Opset18.onnx new file mode 100644 index 000000000..eab37802b --- /dev/null +++ b/Computer_Vision/resnet152_Opset18_timm/resnet152_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83c135d7cad47b5eafeb35e4478386df9d393bbf5498f56f82de0e94a0ba7c97 +size 240540468 diff --git a/Computer_Vision/resnet152_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnet152_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..eaae558ef --- /dev/null +++ b/Computer_Vision/resnet152_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.695771217346191 + set_success: 0.02639627456665039 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet152_timm_a3a3c88a/onnx/resnet152_timm_a3a3c88a-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet152.py +class: ResNet +hash: d48a3c83 +model_name: resnet152 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 234902.833 +onnx_ops_counter: + Add: 50 + Conv: 155 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 151 +parameters: 60192808 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet152_Opset18_torch_hub/resnet152_Opset18.onnx b/Computer_Vision/resnet152_Opset18_torch_hub/resnet152_Opset18.onnx new file mode 100644 index 000000000..c1b525aee --- /dev/null +++ b/Computer_Vision/resnet152_Opset18_torch_hub/resnet152_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:97af541e20d87a431be28f7d9815ef453294bb99b4dadb467e840ba25378135c +size 240541076 diff --git a/Computer_Vision/resnet152_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/resnet152_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..bc9439761 --- /dev/null +++ b/Computer_Vision/resnet152_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.305573225021362 + set_success: 0.02469611167907715 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet152_torch_hub_2740e672/onnx/resnet152_torch_hub_2740e672-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/resnet152.py +class: ResNet +hash: c732f780 +model_name: resnet152 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 234903.4268 +onnx_ops_counter: + Add: 50 + Conv: 155 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 151 +parameters: 60192808 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet152d_Opset16_timm/resnet152d_Opset16.onnx b/Computer_Vision/resnet152d_Opset16_timm/resnet152d_Opset16.onnx new file mode 100644 index 000000000..a48e97630 --- /dev/null +++ b/Computer_Vision/resnet152d_Opset16_timm/resnet152d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10ae3837fd95558c7c9c8e87128e54ef1c27a48f48201398a9b9269478449daf +size 240618800 diff --git a/Computer_Vision/resnet152d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnet152d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..379057759 --- /dev/null +++ b/Computer_Vision/resnet152d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.524726390838623 + set_success: 0.019028425216674805 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet152d_timm_908c29b0/onnx/resnet152d_timm_908c29b0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet152d.py +class: ResNet +hash: b3fe2d35 +model_name: resnet152d +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 234979.3291 +onnx_ops_counter: + Add: 50 + AveragePool: 3 + Conv: 157 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 153 +parameters: 60212040 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet152d_Opset17_timm/resnet152d_Opset17.onnx b/Computer_Vision/resnet152d_Opset17_timm/resnet152d_Opset17.onnx new file mode 100644 index 000000000..0198a1967 --- /dev/null +++ b/Computer_Vision/resnet152d_Opset17_timm/resnet152d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3e0c06cf2c8e38458d4bf003227b77212de37805e3811dffb91165666bfb7d7 +size 240618800 diff --git a/Computer_Vision/resnet152d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnet152d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1f6df5153 --- /dev/null +++ b/Computer_Vision/resnet152d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.833438158035278 + set_success: 0.023990154266357422 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet152d_timm_908c29b0/onnx/resnet152d_timm_908c29b0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet152d.py +class: ResNet +hash: b3fe2d35 +model_name: resnet152d +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 234979.3291 +onnx_ops_counter: + Add: 50 + AveragePool: 3 + Conv: 157 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 153 +parameters: 60212040 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet152d_Opset18_timm/resnet152d_Opset18.onnx b/Computer_Vision/resnet152d_Opset18_timm/resnet152d_Opset18.onnx new file mode 100644 index 000000000..55f511304 --- /dev/null +++ b/Computer_Vision/resnet152d_Opset18_timm/resnet152d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca3bef97152cc1121c4615993a4bbc20e037b1e9e1ec893a1c13d73ec70e114d +size 240618800 diff --git a/Computer_Vision/resnet152d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnet152d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ff9877107 --- /dev/null +++ b/Computer_Vision/resnet152d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.83520770072937 + set_success: 0.023119449615478516 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet152d_timm_908c29b0/onnx/resnet152d_timm_908c29b0-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet152d.py +class: ResNet +hash: b3fe2d35 +model_name: resnet152d +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 234979.3291 +onnx_ops_counter: + Add: 50 + AveragePool: 3 + Conv: 157 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 153 +parameters: 60212040 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet18_Opset16_timm/resnet18_Opset16.onnx b/Computer_Vision/resnet18_Opset16_timm/resnet18_Opset16.onnx new file mode 100644 index 000000000..cd249f39b --- /dev/null +++ b/Computer_Vision/resnet18_Opset16_timm/resnet18_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:75b0fb00294923febe00eefe539a31aea18cd70852ec3f23fa9aeb2d6dda8b99 +size 46748544 diff --git a/Computer_Vision/resnet18_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnet18_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..fb58738cb --- /dev/null +++ b/Computer_Vision/resnet18_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.6921749114990234 + set_success: 0.01569962501525879 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet18_timm_81083861/onnx/resnet18_timm_81083861-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet18.py +class: ResNet +hash: 495787f5 +model_name: resnet18 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 45652.9072 +onnx_ops_counter: + Add: 8 + Conv: 20 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 17 +parameters: 11689512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet18_Opset16_torch_hub/resnet18_Opset16.onnx b/Computer_Vision/resnet18_Opset16_torch_hub/resnet18_Opset16.onnx new file mode 100644 index 000000000..d150bfb5a --- /dev/null +++ b/Computer_Vision/resnet18_Opset16_torch_hub/resnet18_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c1d4d6ca5f18fd516165ed2192bf15a0cb28ac9c02a6c0089249dcdc802f3c86 +size 46748516 diff --git a/Computer_Vision/resnet18_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/resnet18_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..ce1ca5bb3 --- /dev/null +++ b/Computer_Vision/resnet18_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.7111396789550781 + set_success: 0.01562643051147461 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet18_torch_hub_42bb4340/onnx/resnet18_torch_hub_42bb4340-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/resnet18.py +class: ResNet +hash: 11f0e9e3 +model_name: resnet18 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 45652.8799 +onnx_ops_counter: + Add: 8 + Conv: 20 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 17 +parameters: 11689512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet18_Opset17_timm/resnet18_Opset17.onnx b/Computer_Vision/resnet18_Opset17_timm/resnet18_Opset17.onnx new file mode 100644 index 000000000..56dff80f2 --- /dev/null +++ b/Computer_Vision/resnet18_Opset17_timm/resnet18_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:67c3a659a13f072f7dbbb2eb04a6b09979929c49ef5acf643730a2eeead9649a +size 46748544 diff --git a/Computer_Vision/resnet18_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnet18_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1c5ddecd3 --- /dev/null +++ b/Computer_Vision/resnet18_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.6929214000701904 + set_success: 0.014520406723022461 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet18_timm_81083861/onnx/resnet18_timm_81083861-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet18.py +class: ResNet +hash: 495787f5 +model_name: resnet18 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 45652.9072 +onnx_ops_counter: + Add: 8 + Conv: 20 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 17 +parameters: 11689512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet18_Opset17_torch_hub/resnet18_Opset17.onnx b/Computer_Vision/resnet18_Opset17_torch_hub/resnet18_Opset17.onnx new file mode 100644 index 000000000..0a3cec781 --- /dev/null +++ b/Computer_Vision/resnet18_Opset17_torch_hub/resnet18_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eef70310eb26bdbc70babb290ee3239599ea9aed406bade711e3d2693b9d20e8 +size 46748516 diff --git a/Computer_Vision/resnet18_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/resnet18_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..321c090af --- /dev/null +++ b/Computer_Vision/resnet18_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.7353959083557129 + set_success: 0.016196489334106445 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet18_torch_hub_42bb4340/onnx/resnet18_torch_hub_42bb4340-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/resnet18.py +class: ResNet +hash: 11f0e9e3 +model_name: resnet18 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 45652.8799 +onnx_ops_counter: + Add: 8 + Conv: 20 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 17 +parameters: 11689512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet18_Opset18_timm/resnet18_Opset18.onnx b/Computer_Vision/resnet18_Opset18_timm/resnet18_Opset18.onnx new file mode 100644 index 000000000..14670b64e --- /dev/null +++ b/Computer_Vision/resnet18_Opset18_timm/resnet18_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bb6228db49fbdaaa00f5ab51b052166f4cc717559d25880741d3167c98491870 +size 46748544 diff --git a/Computer_Vision/resnet18_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnet18_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2ef491932 --- /dev/null +++ b/Computer_Vision/resnet18_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.7289669513702393 + set_success: 0.017086267471313477 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet18_timm_81083861/onnx/resnet18_timm_81083861-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet18.py +class: ResNet +hash: 495787f5 +model_name: resnet18 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 45652.9072 +onnx_ops_counter: + Add: 8 + Conv: 20 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 17 +parameters: 11689512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet18_Opset18_torch_hub/resnet18_Opset18.onnx b/Computer_Vision/resnet18_Opset18_torch_hub/resnet18_Opset18.onnx new file mode 100644 index 000000000..5ccd035c7 --- /dev/null +++ b/Computer_Vision/resnet18_Opset18_torch_hub/resnet18_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9569854dc9a225248845b0853486a98ab1c0cdcd48dad19fb245430879a038e +size 46748516 diff --git a/Computer_Vision/resnet18_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/resnet18_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..31ffde837 --- /dev/null +++ b/Computer_Vision/resnet18_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.7268970012664795 + set_success: 0.01594996452331543 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet18_torch_hub_42bb4340/onnx/resnet18_torch_hub_42bb4340-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/resnet18.py +class: ResNet +hash: 11f0e9e3 +model_name: resnet18 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 45652.8799 +onnx_ops_counter: + Add: 8 + Conv: 20 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 17 +parameters: 11689512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet18d_Opset16_timm/resnet18d_Opset16.onnx b/Computer_Vision/resnet18d_Opset16_timm/resnet18d_Opset16.onnx new file mode 100644 index 000000000..5cab11523 --- /dev/null +++ b/Computer_Vision/resnet18d_Opset16_timm/resnet18d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd194935daa007373d2021cc1a2f81883895e01ebc7b8c20c03ae7eb0efa72b8 +size 46826868 diff --git a/Computer_Vision/resnet18d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnet18d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b872a3104 --- /dev/null +++ b/Computer_Vision/resnet18d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.7377476692199707 + set_success: 0.016180038452148438 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet18d_timm_41693a96/onnx/resnet18d_timm_41693a96-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet18d.py +class: ResNet +hash: cd99cd15 +model_name: resnet18d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 45729.3955 +onnx_ops_counter: + Add: 8 + AveragePool: 3 + Conv: 22 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 19 +parameters: 11708744 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet18d_Opset17_timm/resnet18d_Opset17.onnx b/Computer_Vision/resnet18d_Opset17_timm/resnet18d_Opset17.onnx new file mode 100644 index 000000000..4956a5401 --- /dev/null +++ b/Computer_Vision/resnet18d_Opset17_timm/resnet18d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52bd7868fd5e3d8891dbf87d02b72955a5037cda2a4c4ba9a5fcd9e52cfd9f83 +size 46826868 diff --git a/Computer_Vision/resnet18d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnet18d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e3c585131 --- /dev/null +++ b/Computer_Vision/resnet18d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.7332630157470703 + set_success: 0.015171527862548828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet18d_timm_41693a96/onnx/resnet18d_timm_41693a96-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet18d.py +class: ResNet +hash: cd99cd15 +model_name: resnet18d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 45729.3955 +onnx_ops_counter: + Add: 8 + AveragePool: 3 + Conv: 22 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 19 +parameters: 11708744 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet18d_Opset18_timm/resnet18d_Opset18.onnx b/Computer_Vision/resnet18d_Opset18_timm/resnet18d_Opset18.onnx new file mode 100644 index 000000000..e7b4b9b2f --- /dev/null +++ b/Computer_Vision/resnet18d_Opset18_timm/resnet18d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c14b07cb02f267a713545fa711775e3b118f67c993542448727ba46db7ad1bd2 +size 46826868 diff --git a/Computer_Vision/resnet18d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnet18d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ea7015825 --- /dev/null +++ b/Computer_Vision/resnet18d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.7550466060638428 + set_success: 0.015780210494995117 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet18d_timm_41693a96/onnx/resnet18d_timm_41693a96-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet18d.py +class: ResNet +hash: cd99cd15 +model_name: resnet18d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 45729.3955 +onnx_ops_counter: + Add: 8 + AveragePool: 3 + Conv: 22 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 19 +parameters: 11708744 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet200d_Opset16_timm/resnet200d_Opset16.onnx b/Computer_Vision/resnet200d_Opset16_timm/resnet200d_Opset16.onnx new file mode 100644 index 000000000..0eb76761a --- /dev/null +++ b/Computer_Vision/resnet200d_Opset16_timm/resnet200d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:58af9b6a85b057472e6d95a12befd1de094719a4a59113db2247450bd63b4dd8 +size 258516132 diff --git a/Computer_Vision/resnet200d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnet200d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8506f001a --- /dev/null +++ b/Computer_Vision/resnet200d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.959900856018066 + set_success: 0.02696514129638672 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet200d_timm_52b89356/onnx/resnet200d_timm_52b89356-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet200d.py +class: ResNet +hash: c077e0cc +model_name: resnet200d +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 252457.1924 +onnx_ops_counter: + Add: 66 + AveragePool: 3 + Conv: 205 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 201 +parameters: 64693064 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet200d_Opset17_timm/resnet200d_Opset17.onnx b/Computer_Vision/resnet200d_Opset17_timm/resnet200d_Opset17.onnx new file mode 100644 index 000000000..51a235804 --- /dev/null +++ b/Computer_Vision/resnet200d_Opset17_timm/resnet200d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a69c286002e8fb128227ee7739d10d601273e039c8f9d462916b7c4def1db689 +size 258516132 diff --git a/Computer_Vision/resnet200d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnet200d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..89505e197 --- /dev/null +++ b/Computer_Vision/resnet200d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.883868455886841 + set_success: 0.021661043167114258 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet200d_timm_52b89356/onnx/resnet200d_timm_52b89356-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet200d.py +class: ResNet +hash: c077e0cc +model_name: resnet200d +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 252457.1924 +onnx_ops_counter: + Add: 66 + AveragePool: 3 + Conv: 205 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 201 +parameters: 64693064 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet200d_Opset18_timm/resnet200d_Opset18.onnx b/Computer_Vision/resnet200d_Opset18_timm/resnet200d_Opset18.onnx new file mode 100644 index 000000000..df17d3d77 --- /dev/null +++ b/Computer_Vision/resnet200d_Opset18_timm/resnet200d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ca792ec6657a79305a34b67bba5e5a600a7354df872dedcb5ccc3a2629fd2b1 +size 258516132 diff --git a/Computer_Vision/resnet200d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnet200d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0fd4dbabb --- /dev/null +++ b/Computer_Vision/resnet200d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.097285270690918 + set_success: 0.02365708351135254 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet200d_timm_52b89356/onnx/resnet200d_timm_52b89356-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet200d.py +class: ResNet +hash: c077e0cc +model_name: resnet200d +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 252457.1924 +onnx_ops_counter: + Add: 66 + AveragePool: 3 + Conv: 205 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 201 +parameters: 64693064 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet26_Opset16_timm/resnet26_Opset16.onnx b/Computer_Vision/resnet26_Opset16_timm/resnet26_Opset16.onnx new file mode 100644 index 000000000..893a1ee94 --- /dev/null +++ b/Computer_Vision/resnet26_Opset16_timm/resnet26_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0c05e6137ae6d417db8c0eef818da1925670e852028a7c542039241534370ec +size 63932374 diff --git a/Computer_Vision/resnet26_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnet26_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c21b4b059 --- /dev/null +++ b/Computer_Vision/resnet26_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3044679164886475 + set_success: 0.02043294906616211 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet26_timm_ea485631/onnx/resnet26_timm_ea485631-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet26.py +class: ResNet +hash: 69e735cb +model_name: resnet26 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 62433.9912 +onnx_ops_counter: + Add: 8 + Conv: 29 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 25 +parameters: 15995176 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet26_Opset17_timm/resnet26_Opset17.onnx b/Computer_Vision/resnet26_Opset17_timm/resnet26_Opset17.onnx new file mode 100644 index 000000000..e8c66bf39 --- /dev/null +++ b/Computer_Vision/resnet26_Opset17_timm/resnet26_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:20cc29ace2214ccc740de67a4bedc33264225366215606c4409e622673a26482 +size 63932374 diff --git a/Computer_Vision/resnet26_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnet26_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9c54ba418 --- /dev/null +++ b/Computer_Vision/resnet26_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.0198163986206055 + set_success: 0.015318870544433594 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet26_timm_ea485631/onnx/resnet26_timm_ea485631-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet26.py +class: ResNet +hash: 69e735cb +model_name: resnet26 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 62433.9912 +onnx_ops_counter: + Add: 8 + Conv: 29 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 25 +parameters: 15995176 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet26_Opset18_timm/resnet26_Opset18.onnx b/Computer_Vision/resnet26_Opset18_timm/resnet26_Opset18.onnx new file mode 100644 index 000000000..b7554ac3e --- /dev/null +++ b/Computer_Vision/resnet26_Opset18_timm/resnet26_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5162757eada41a0c3342700f36bf643c54e1e01e66ee620ec4baede739d39496 +size 63932374 diff --git a/Computer_Vision/resnet26_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnet26_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..20d4a8e20 --- /dev/null +++ b/Computer_Vision/resnet26_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.028838872909546 + set_success: 0.017704010009765625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet26_timm_ea485631/onnx/resnet26_timm_ea485631-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet26.py +class: ResNet +hash: 69e735cb +model_name: resnet26 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 62433.9912 +onnx_ops_counter: + Add: 8 + Conv: 29 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 25 +parameters: 15995176 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet26d_Opset16_timm/resnet26d_Opset16.onnx b/Computer_Vision/resnet26d_Opset16_timm/resnet26d_Opset16.onnx new file mode 100644 index 000000000..fdd091c11 --- /dev/null +++ b/Computer_Vision/resnet26d_Opset16_timm/resnet26d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:54e748741dd501a0b7a476882aa5f15fceca2dd45041d257ced3fe9e90fd3ac6 +size 64010698 diff --git a/Computer_Vision/resnet26d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnet26d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b37198b89 --- /dev/null +++ b/Computer_Vision/resnet26d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9987819194793701 + set_success: 0.014694452285766602 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet26d_timm_9e4cf4a0/onnx/resnet26d_timm_9e4cf4a0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet26d.py +class: ResNet +hash: f859d042 +model_name: resnet26d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 62510.4795 +onnx_ops_counter: + Add: 8 + AveragePool: 3 + Conv: 31 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 27 +parameters: 16014408 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet26d_Opset17_timm/resnet26d_Opset17.onnx b/Computer_Vision/resnet26d_Opset17_timm/resnet26d_Opset17.onnx new file mode 100644 index 000000000..c363a192b --- /dev/null +++ b/Computer_Vision/resnet26d_Opset17_timm/resnet26d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d226d614b8a5e479bd8a978473db95f789f070c292014b18ab1e3ae8ebc27972 +size 64010698 diff --git a/Computer_Vision/resnet26d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnet26d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3fb0eacda --- /dev/null +++ b/Computer_Vision/resnet26d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.052870273590088 + set_success: 0.015798568725585938 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet26d_timm_9e4cf4a0/onnx/resnet26d_timm_9e4cf4a0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet26d.py +class: ResNet +hash: f859d042 +model_name: resnet26d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 62510.4795 +onnx_ops_counter: + Add: 8 + AveragePool: 3 + Conv: 31 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 27 +parameters: 16014408 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet26d_Opset18_timm/resnet26d_Opset18.onnx b/Computer_Vision/resnet26d_Opset18_timm/resnet26d_Opset18.onnx new file mode 100644 index 000000000..d5b0a9020 --- /dev/null +++ b/Computer_Vision/resnet26d_Opset18_timm/resnet26d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:54047d6819a30f37c6b53598200642c60a8f8cc42aa87dddff32dcc995cc28df +size 64010698 diff --git a/Computer_Vision/resnet26d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnet26d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..85037f34f --- /dev/null +++ b/Computer_Vision/resnet26d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.0644989013671875 + set_success: 0.017785310745239258 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet26d_timm_9e4cf4a0/onnx/resnet26d_timm_9e4cf4a0-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet26d.py +class: ResNet +hash: f859d042 +model_name: resnet26d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 62510.4795 +onnx_ops_counter: + Add: 8 + AveragePool: 3 + Conv: 31 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 27 +parameters: 16014408 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet26t_Opset16_timm/resnet26t_Opset16.onnx b/Computer_Vision/resnet26t_Opset16_timm/resnet26t_Opset16.onnx new file mode 100644 index 000000000..193f7cbfd --- /dev/null +++ b/Computer_Vision/resnet26t_Opset16_timm/resnet26t_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:72bd6e208ed69f54739780858a2e486e589e50946f1870c866c7ca612d6f0a6c +size 64000584 diff --git a/Computer_Vision/resnet26t_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnet26t_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..21b314c8b --- /dev/null +++ b/Computer_Vision/resnet26t_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.026777982711792 + set_success: 0.016800880432128906 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet26t_timm_f8b492ba/onnx/resnet26t_timm_f8b492ba-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet26t.py +class: ResNet +hash: b67ca5e4 +model_name: resnet26t +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 62500.6025 +onnx_ops_counter: + Add: 8 + AveragePool: 3 + Conv: 31 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 27 +parameters: 16011872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet26t_Opset17_timm/resnet26t_Opset17.onnx b/Computer_Vision/resnet26t_Opset17_timm/resnet26t_Opset17.onnx new file mode 100644 index 000000000..cf30ec897 --- /dev/null +++ b/Computer_Vision/resnet26t_Opset17_timm/resnet26t_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1b07780b8eb68511670742e63fd8abe85539d0ac3e1444b29d8ff6b3e5680c5 +size 64000584 diff --git a/Computer_Vision/resnet26t_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnet26t_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ca806fa7a --- /dev/null +++ b/Computer_Vision/resnet26t_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.0561506748199463 + set_success: 0.016185998916625977 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet26t_timm_f8b492ba/onnx/resnet26t_timm_f8b492ba-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet26t.py +class: ResNet +hash: b67ca5e4 +model_name: resnet26t +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 62500.6025 +onnx_ops_counter: + Add: 8 + AveragePool: 3 + Conv: 31 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 27 +parameters: 16011872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet26t_Opset18_timm/resnet26t_Opset18.onnx b/Computer_Vision/resnet26t_Opset18_timm/resnet26t_Opset18.onnx new file mode 100644 index 000000000..d3d80cac0 --- /dev/null +++ b/Computer_Vision/resnet26t_Opset18_timm/resnet26t_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:402705b112d41cae0504d22e890dce6317bbb5c0db24f97eb1c141295c3f51fc +size 64000584 diff --git a/Computer_Vision/resnet26t_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnet26t_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..993eea8fa --- /dev/null +++ b/Computer_Vision/resnet26t_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3627889156341553 + set_success: 0.017597436904907227 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet26t_timm_f8b492ba/onnx/resnet26t_timm_f8b492ba-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet26t.py +class: ResNet +hash: b67ca5e4 +model_name: resnet26t +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 62500.6025 +onnx_ops_counter: + Add: 8 + AveragePool: 3 + Conv: 31 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 27 +parameters: 16011872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet32ts_Opset16_timm/resnet32ts_Opset16.onnx b/Computer_Vision/resnet32ts_Opset16_timm/resnet32ts_Opset16.onnx new file mode 100644 index 000000000..a010c2d21 --- /dev/null +++ b/Computer_Vision/resnet32ts_Opset16_timm/resnet32ts_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca994057656ccbb585d0c4b8185ee0107713e4a386add47b9518b90f2a42b67d +size 71808289 diff --git a/Computer_Vision/resnet32ts_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnet32ts_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d2e60cddf --- /dev/null +++ b/Computer_Vision/resnet32ts_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2682204246520996 + set_success: 0.015979290008544922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet32ts_timm_4f340c3f/onnx/resnet32ts_timm_4f340c3f-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet32ts.py +class: ByobNet +hash: de7a77d6 +model_name: resnet32ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 70125.3145 +onnx_ops_counter: + Add: 10 + Conv: 37 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 33 + Sigmoid: 33 +parameters: 17963616 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet32ts_Opset17_timm/resnet32ts_Opset17.onnx b/Computer_Vision/resnet32ts_Opset17_timm/resnet32ts_Opset17.onnx new file mode 100644 index 000000000..2a5e90946 --- /dev/null +++ b/Computer_Vision/resnet32ts_Opset17_timm/resnet32ts_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34898f723daa5b9b505bb5af0c91a332189afc7cf41ad0c78f3d0824e080c0d4 +size 71808289 diff --git a/Computer_Vision/resnet32ts_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnet32ts_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a38fc3496 --- /dev/null +++ b/Computer_Vision/resnet32ts_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.273031234741211 + set_success: 0.017501354217529297 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet32ts_timm_4f340c3f/onnx/resnet32ts_timm_4f340c3f-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet32ts.py +class: ByobNet +hash: de7a77d6 +model_name: resnet32ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 70125.3145 +onnx_ops_counter: + Add: 10 + Conv: 37 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 33 + Sigmoid: 33 +parameters: 17963616 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet32ts_Opset18_timm/resnet32ts_Opset18.onnx b/Computer_Vision/resnet32ts_Opset18_timm/resnet32ts_Opset18.onnx new file mode 100644 index 000000000..08c232afc --- /dev/null +++ b/Computer_Vision/resnet32ts_Opset18_timm/resnet32ts_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37005d8d311feb21f04d7be5d807c174f640922d70d77e69823133673e617407 +size 71808289 diff --git a/Computer_Vision/resnet32ts_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnet32ts_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..473fc1b49 --- /dev/null +++ b/Computer_Vision/resnet32ts_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3639752864837646 + set_success: 0.02085113525390625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet32ts_timm_4f340c3f/onnx/resnet32ts_timm_4f340c3f-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet32ts.py +class: ByobNet +hash: de7a77d6 +model_name: resnet32ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 70125.3145 +onnx_ops_counter: + Add: 10 + Conv: 37 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 33 + Sigmoid: 33 +parameters: 17963616 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet33ts_Opset16_timm/resnet33ts_Opset16.onnx b/Computer_Vision/resnet33ts_Opset16_timm/resnet33ts_Opset16.onnx new file mode 100644 index 000000000..da51a7718 --- /dev/null +++ b/Computer_Vision/resnet33ts_Opset16_timm/resnet33ts_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:97f7d8847deebd9411f7008e93095b678d8f6f5be8962680ef25316dbd669759 +size 78654259 diff --git a/Computer_Vision/resnet33ts_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnet33ts_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7f98af222 --- /dev/null +++ b/Computer_Vision/resnet33ts_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3467788696289062 + set_success: 0.017695188522338867 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet33ts_timm_93a6b8da/onnx/resnet33ts_timm_93a6b8da-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet33ts.py +class: ByobNet +hash: a37c1d96 +model_name: resnet33ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 76810.832 +onnx_ops_counter: + Add: 10 + Conv: 38 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 34 + Sigmoid: 34 +parameters: 19676256 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet33ts_Opset17_timm/resnet33ts_Opset17.onnx b/Computer_Vision/resnet33ts_Opset17_timm/resnet33ts_Opset17.onnx new file mode 100644 index 000000000..a50e4b18c --- /dev/null +++ b/Computer_Vision/resnet33ts_Opset17_timm/resnet33ts_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:496dee3c6ab7cdbee49a1c10521cc362759dafe07824f3d99f1b7faf7089c3df +size 78654259 diff --git a/Computer_Vision/resnet33ts_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnet33ts_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9c32594a4 --- /dev/null +++ b/Computer_Vision/resnet33ts_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3305087089538574 + set_success: 0.017449378967285156 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet33ts_timm_93a6b8da/onnx/resnet33ts_timm_93a6b8da-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet33ts.py +class: ByobNet +hash: a37c1d96 +model_name: resnet33ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 76810.832 +onnx_ops_counter: + Add: 10 + Conv: 38 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 34 + Sigmoid: 34 +parameters: 19676256 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet33ts_Opset18_timm/resnet33ts_Opset18.onnx b/Computer_Vision/resnet33ts_Opset18_timm/resnet33ts_Opset18.onnx new file mode 100644 index 000000000..fd933abe8 --- /dev/null +++ b/Computer_Vision/resnet33ts_Opset18_timm/resnet33ts_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:24e687e77676983b96f875f6676bb85149da7d95af11e9807c394e261aa5ef56 +size 78654259 diff --git a/Computer_Vision/resnet33ts_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnet33ts_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d68583361 --- /dev/null +++ b/Computer_Vision/resnet33ts_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.4906375408172607 + set_success: 0.01776742935180664 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet33ts_timm_93a6b8da/onnx/resnet33ts_timm_93a6b8da-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet33ts.py +class: ByobNet +hash: a37c1d96 +model_name: resnet33ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 76810.832 +onnx_ops_counter: + Add: 10 + Conv: 38 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 34 + Sigmoid: 34 +parameters: 19676256 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet34_Opset16_timm/resnet34_Opset16.onnx b/Computer_Vision/resnet34_Opset16_timm/resnet34_Opset16.onnx new file mode 100644 index 000000000..f686cda67 --- /dev/null +++ b/Computer_Vision/resnet34_Opset16_timm/resnet34_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e5506b374c95473a15fea2ef2c59ea24d8e5f8a96217df3826db7bd0b53aa97 +size 87173990 diff --git a/Computer_Vision/resnet34_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnet34_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..98fc4d11e --- /dev/null +++ b/Computer_Vision/resnet34_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.296605110168457 + set_success: 0.01730632781982422 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet34_timm_42700a95/onnx/resnet34_timm_42700a95-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet34.py +class: ResNet +hash: 3765d65b +model_name: resnet34 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 85130.8818 +onnx_ops_counter: + Add: 16 + Conv: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 33 +parameters: 21797672 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet34_Opset16_torch_hub/resnet34_Opset16.onnx b/Computer_Vision/resnet34_Opset16_torch_hub/resnet34_Opset16.onnx new file mode 100644 index 000000000..bccb5e8bb --- /dev/null +++ b/Computer_Vision/resnet34_Opset16_torch_hub/resnet34_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:392e5c98f0cb3d0a81ff35d607cf2a6e67afe6c3b6c40bae539b45ac061a3421 +size 87174026 diff --git a/Computer_Vision/resnet34_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/resnet34_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..9b25ba398 --- /dev/null +++ b/Computer_Vision/resnet34_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.4415924549102783 + set_success: 0.016541242599487305 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet34_torch_hub_a6ca702a/onnx/resnet34_torch_hub_a6ca702a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/resnet34.py +class: ResNet +hash: 85df0c4a +model_name: resnet34 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 85130.917 +onnx_ops_counter: + Add: 16 + Conv: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 33 +parameters: 21797672 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet34_Opset17_timm/resnet34_Opset17.onnx b/Computer_Vision/resnet34_Opset17_timm/resnet34_Opset17.onnx new file mode 100644 index 000000000..840db0a0f --- /dev/null +++ b/Computer_Vision/resnet34_Opset17_timm/resnet34_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fee93130ac0279d975f23077193accd1bf72aabe8c176a41791b232f9d50fac9 +size 87173990 diff --git a/Computer_Vision/resnet34_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnet34_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7edef4537 --- /dev/null +++ b/Computer_Vision/resnet34_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2974748611450195 + set_success: 0.01642131805419922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet34_timm_42700a95/onnx/resnet34_timm_42700a95-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet34.py +class: ResNet +hash: 3765d65b +model_name: resnet34 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 85130.8818 +onnx_ops_counter: + Add: 16 + Conv: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 33 +parameters: 21797672 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet34_Opset17_torch_hub/resnet34_Opset17.onnx b/Computer_Vision/resnet34_Opset17_torch_hub/resnet34_Opset17.onnx new file mode 100644 index 000000000..6de700142 --- /dev/null +++ b/Computer_Vision/resnet34_Opset17_torch_hub/resnet34_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:167517daf91ac8574625ac0170326f84926693f6460c2fb980d67be44c1d8389 +size 87174026 diff --git a/Computer_Vision/resnet34_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/resnet34_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..f4ae0bc86 --- /dev/null +++ b/Computer_Vision/resnet34_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3046762943267822 + set_success: 0.016077280044555664 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet34_torch_hub_a6ca702a/onnx/resnet34_torch_hub_a6ca702a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/resnet34.py +class: ResNet +hash: 85df0c4a +model_name: resnet34 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 85130.917 +onnx_ops_counter: + Add: 16 + Conv: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 33 +parameters: 21797672 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet34_Opset18_timm/resnet34_Opset18.onnx b/Computer_Vision/resnet34_Opset18_timm/resnet34_Opset18.onnx new file mode 100644 index 000000000..818f7d9e8 --- /dev/null +++ b/Computer_Vision/resnet34_Opset18_timm/resnet34_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4861c03bd6a58baafa84e146577ffd8f4a4aea09576ba4edfc5e0ada95e68e27 +size 87173990 diff --git a/Computer_Vision/resnet34_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnet34_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a0eef4cd0 --- /dev/null +++ b/Computer_Vision/resnet34_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3009216785430908 + set_success: 0.017325639724731445 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet34_timm_42700a95/onnx/resnet34_timm_42700a95-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet34.py +class: ResNet +hash: 3765d65b +model_name: resnet34 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 85130.8818 +onnx_ops_counter: + Add: 16 + Conv: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 33 +parameters: 21797672 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet34_Opset18_torch_hub/resnet34_Opset18.onnx b/Computer_Vision/resnet34_Opset18_torch_hub/resnet34_Opset18.onnx new file mode 100644 index 000000000..681497692 --- /dev/null +++ b/Computer_Vision/resnet34_Opset18_torch_hub/resnet34_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35bb022884507f6ab86df4069797b138be4b17b5aab391ff64059692d0d701f9 +size 87174026 diff --git a/Computer_Vision/resnet34_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/resnet34_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..76272602a --- /dev/null +++ b/Computer_Vision/resnet34_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.5425915718078613 + set_success: 0.01598191261291504 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet34_torch_hub_a6ca702a/onnx/resnet34_torch_hub_a6ca702a-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/resnet34.py +class: ResNet +hash: 85df0c4a +model_name: resnet34 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 85130.917 +onnx_ops_counter: + Add: 16 + Conv: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 33 +parameters: 21797672 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet34d_Opset16_timm/resnet34d_Opset16.onnx b/Computer_Vision/resnet34d_Opset16_timm/resnet34d_Opset16.onnx new file mode 100644 index 000000000..1c5a31b37 --- /dev/null +++ b/Computer_Vision/resnet34d_Opset16_timm/resnet34d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b668074af9b08dec75477f4f1d2698714fdb3423292e225dcd238fc60141c3d +size 87252314 diff --git a/Computer_Vision/resnet34d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnet34d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f35c5e9e5 --- /dev/null +++ b/Computer_Vision/resnet34d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3250484466552734 + set_success: 0.016855239868164062 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet34d_timm_2856cb0d/onnx/resnet34d_timm_2856cb0d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet34d.py +class: ResNet +hash: 0bd2f52b +model_name: resnet34d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 85207.3701 +onnx_ops_counter: + Add: 16 + AveragePool: 3 + Conv: 38 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 35 +parameters: 21816904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet34d_Opset17_timm/resnet34d_Opset17.onnx b/Computer_Vision/resnet34d_Opset17_timm/resnet34d_Opset17.onnx new file mode 100644 index 000000000..6a807a43a --- /dev/null +++ b/Computer_Vision/resnet34d_Opset17_timm/resnet34d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:347a518350b974d37a1d37308cf916b6ee4c3af5fb1a5c231b60f3b968886a11 +size 87252314 diff --git a/Computer_Vision/resnet34d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnet34d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..18e64f120 --- /dev/null +++ b/Computer_Vision/resnet34d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.620023488998413 + set_success: 0.02812504768371582 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet34d_timm_2856cb0d/onnx/resnet34d_timm_2856cb0d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet34d.py +class: ResNet +hash: 0bd2f52b +model_name: resnet34d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 85207.3701 +onnx_ops_counter: + Add: 16 + AveragePool: 3 + Conv: 38 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 35 +parameters: 21816904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet34d_Opset18_timm/resnet34d_Opset18.onnx b/Computer_Vision/resnet34d_Opset18_timm/resnet34d_Opset18.onnx new file mode 100644 index 000000000..84504d2b8 --- /dev/null +++ b/Computer_Vision/resnet34d_Opset18_timm/resnet34d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:15db717aa220dae40ac61b943cbc7fd906f0185cf39bb86ab7b829b2f2f30ee4 +size 87252314 diff --git a/Computer_Vision/resnet34d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnet34d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3176d0214 --- /dev/null +++ b/Computer_Vision/resnet34d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.288961410522461 + set_success: 0.01566481590270996 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet34d_timm_2856cb0d/onnx/resnet34d_timm_2856cb0d-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet34d.py +class: ResNet +hash: 0bd2f52b +model_name: resnet34d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 85207.3701 +onnx_ops_counter: + Add: 16 + AveragePool: 3 + Conv: 38 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 35 +parameters: 21816904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet50_Opset16_timm/resnet50_Opset16.onnx b/Computer_Vision/resnet50_Opset16_timm/resnet50_Opset16.onnx new file mode 100644 index 000000000..50c878930 --- /dev/null +++ b/Computer_Vision/resnet50_Opset16_timm/resnet50_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5397f8bbf00a13c02bb9e175bd1c21fc915431e676ed8428733b225e8f875c2f +size 102146206 diff --git a/Computer_Vision/resnet50_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnet50_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..534f49788 --- /dev/null +++ b/Computer_Vision/resnet50_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8180229663848877 + set_success: 0.017430543899536133 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet50_timm_694a8fff/onnx/resnet50_timm_694a8fff-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet50.py +class: ResNet +hash: 25cce11f +model_name: resnet50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 99752.1865 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet50_Opset16_torch_hub/resnet50_Opset16.onnx b/Computer_Vision/resnet50_Opset16_torch_hub/resnet50_Opset16.onnx new file mode 100644 index 000000000..c58c41ce2 --- /dev/null +++ b/Computer_Vision/resnet50_Opset16_torch_hub/resnet50_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61bc875f14a0fec550b4343dec69163bee079a3ba2592c15a5b2e5532802c93a +size 102146338 diff --git a/Computer_Vision/resnet50_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/resnet50_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..7135e0b63 --- /dev/null +++ b/Computer_Vision/resnet50_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.661548137664795 + set_success: 0.017041444778442383 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet50_torch_hub_f7f24bc8/onnx/resnet50_torch_hub_f7f24bc8-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/resnet50.py +class: ResNet +hash: 3ba0a685 +model_name: resnet50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 99752.3154 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet50_Opset17_timm/resnet50_Opset17.onnx b/Computer_Vision/resnet50_Opset17_timm/resnet50_Opset17.onnx new file mode 100644 index 000000000..726d33d8d --- /dev/null +++ b/Computer_Vision/resnet50_Opset17_timm/resnet50_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:933e6bfd1edab48eec7a6e67319f82f57e0e8720a1afc9824a39cab3002646f9 +size 102146206 diff --git a/Computer_Vision/resnet50_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnet50_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6d7decdd4 --- /dev/null +++ b/Computer_Vision/resnet50_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7473607063293457 + set_success: 0.016477584838867188 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet50_timm_694a8fff/onnx/resnet50_timm_694a8fff-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet50.py +class: ResNet +hash: 25cce11f +model_name: resnet50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 99752.1865 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet50_Opset17_torch_hub/resnet50_Opset17.onnx b/Computer_Vision/resnet50_Opset17_torch_hub/resnet50_Opset17.onnx new file mode 100644 index 000000000..36666cfee --- /dev/null +++ b/Computer_Vision/resnet50_Opset17_torch_hub/resnet50_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb6eabe74f278fb55336e49e639b2367dda69f6f3b0d86dea7ffa9d55e6a0939 +size 102146338 diff --git a/Computer_Vision/resnet50_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/resnet50_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..255ce37f0 --- /dev/null +++ b/Computer_Vision/resnet50_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.701930284500122 + set_success: 0.01821112632751465 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet50_torch_hub_f7f24bc8/onnx/resnet50_torch_hub_f7f24bc8-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/resnet50.py +class: ResNet +hash: 3ba0a685 +model_name: resnet50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 99752.3154 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet50_Opset18_timm/resnet50_Opset18.onnx b/Computer_Vision/resnet50_Opset18_timm/resnet50_Opset18.onnx new file mode 100644 index 000000000..fad50ff3f --- /dev/null +++ b/Computer_Vision/resnet50_Opset18_timm/resnet50_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:789c839016e8f6424e75096790162e1c4adc42c8f851e090ccff3700927faeb9 +size 102146206 diff --git a/Computer_Vision/resnet50_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnet50_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2c4429cec --- /dev/null +++ b/Computer_Vision/resnet50_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.759915828704834 + set_success: 0.018613338470458984 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet50_timm_694a8fff/onnx/resnet50_timm_694a8fff-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet50.py +class: ResNet +hash: 25cce11f +model_name: resnet50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 99752.1865 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet50_Opset18_torch_hub/resnet50_Opset18.onnx b/Computer_Vision/resnet50_Opset18_torch_hub/resnet50_Opset18.onnx new file mode 100644 index 000000000..1acd14dcc --- /dev/null +++ b/Computer_Vision/resnet50_Opset18_torch_hub/resnet50_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34156683e6bcc6d8b6796b40e4f24d5bde65c1589e7848828cf6df1aaa63c999 +size 102146338 diff --git a/Computer_Vision/resnet50_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/resnet50_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..5ff38bc7c --- /dev/null +++ b/Computer_Vision/resnet50_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.6944084167480469 + set_success: 0.016641855239868164 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet50_torch_hub_f7f24bc8/onnx/resnet50_torch_hub_f7f24bc8-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/resnet50.py +class: ResNet +hash: 3ba0a685 +model_name: resnet50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 99752.3154 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet50_gn_Opset16_timm/resnet50_gn_Opset16.onnx b/Computer_Vision/resnet50_gn_Opset16_timm/resnet50_gn_Opset16.onnx new file mode 100644 index 000000000..bad7d9d67 --- /dev/null +++ b/Computer_Vision/resnet50_gn_Opset16_timm/resnet50_gn_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa49b10621ae57ba80724d679960126fa1ea23b7ba2367ae67c94c2f0e799c3d +size 102339399 diff --git a/Computer_Vision/resnet50_gn_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnet50_gn_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..21a4c94c2 --- /dev/null +++ b/Computer_Vision/resnet50_gn_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.4310412406921387 + set_success: 0.024837493896484375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet50_gn_timm_ca68c187/onnx/resnet50_gn_timm_ca68c187-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet50_gn.py +class: ResNet +hash: ddeb83e9 +model_name: resnet50_gn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 99940.8516 +onnx_ops_counter: + Add: 69 + Constant: 159 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 1 + InstanceNormalization: 53 + MaxPool: 1 + Mul: 53 + Relu: 49 + Reshape: 106 + Shape: 53 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet50_gn_Opset17_timm/resnet50_gn_Opset17.onnx b/Computer_Vision/resnet50_gn_Opset17_timm/resnet50_gn_Opset17.onnx new file mode 100644 index 000000000..c03d1dba4 --- /dev/null +++ b/Computer_Vision/resnet50_gn_Opset17_timm/resnet50_gn_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3eb603847299a39b1c51e99299c0a7290abc37cec46c2a322ef5123b16769b68 +size 102339399 diff --git a/Computer_Vision/resnet50_gn_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnet50_gn_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e554cb772 --- /dev/null +++ b/Computer_Vision/resnet50_gn_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.131333827972412 + set_success: 0.018419265747070312 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet50_gn_timm_ca68c187/onnx/resnet50_gn_timm_ca68c187-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet50_gn.py +class: ResNet +hash: ddeb83e9 +model_name: resnet50_gn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 99940.8516 +onnx_ops_counter: + Add: 69 + Constant: 159 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 1 + InstanceNormalization: 53 + MaxPool: 1 + Mul: 53 + Relu: 49 + Reshape: 106 + Shape: 53 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet50_gn_Opset18_timm/resnet50_gn_Opset18.onnx b/Computer_Vision/resnet50_gn_Opset18_timm/resnet50_gn_Opset18.onnx new file mode 100644 index 000000000..0a44d04ad --- /dev/null +++ b/Computer_Vision/resnet50_gn_Opset18_timm/resnet50_gn_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cc9f493d69cceec9034a6c11a5d1cc6262e90ef71c8ec358d7c5de96e29fb584 +size 102339399 diff --git a/Computer_Vision/resnet50_gn_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnet50_gn_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2b5965574 --- /dev/null +++ b/Computer_Vision/resnet50_gn_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0303664207458496 + set_success: 0.017085790634155273 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet50_gn_timm_ca68c187/onnx/resnet50_gn_timm_ca68c187-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet50_gn.py +class: ResNet +hash: ddeb83e9 +model_name: resnet50_gn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 99940.8516 +onnx_ops_counter: + Add: 69 + Constant: 159 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Identity: 1 + InstanceNormalization: 53 + MaxPool: 1 + Mul: 53 + Relu: 49 + Reshape: 106 + Shape: 53 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet50d_Opset16_timm/resnet50d_Opset16.onnx b/Computer_Vision/resnet50d_Opset16_timm/resnet50d_Opset16.onnx new file mode 100644 index 000000000..1a2c6bf76 --- /dev/null +++ b/Computer_Vision/resnet50d_Opset16_timm/resnet50d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec97b376808eb68e2a464d5e14e9678e63da37987a97d7b57ac8a8814865238b +size 102224530 diff --git a/Computer_Vision/resnet50d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnet50d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..10f360b3f --- /dev/null +++ b/Computer_Vision/resnet50d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7578742504119873 + set_success: 0.01604461669921875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet50d_timm_3684ad7d/onnx/resnet50d_timm_3684ad7d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet50d.py +class: ResNet +hash: 8e82e34f +model_name: resnet50d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 99828.6748 +onnx_ops_counter: + Add: 16 + AveragePool: 3 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 51 +parameters: 25576264 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet50d_Opset17_timm/resnet50d_Opset17.onnx b/Computer_Vision/resnet50d_Opset17_timm/resnet50d_Opset17.onnx new file mode 100644 index 000000000..874fb19e1 --- /dev/null +++ b/Computer_Vision/resnet50d_Opset17_timm/resnet50d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79121ad030682f0afbe36f3c8f31f36d8f653291e43f1f062bce37968fb12bee +size 102224530 diff --git a/Computer_Vision/resnet50d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnet50d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3e84c53e6 --- /dev/null +++ b/Computer_Vision/resnet50d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7888431549072266 + set_success: 0.017047405242919922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet50d_timm_3684ad7d/onnx/resnet50d_timm_3684ad7d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet50d.py +class: ResNet +hash: 8e82e34f +model_name: resnet50d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 99828.6748 +onnx_ops_counter: + Add: 16 + AveragePool: 3 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 51 +parameters: 25576264 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet50d_Opset18_timm/resnet50d_Opset18.onnx b/Computer_Vision/resnet50d_Opset18_timm/resnet50d_Opset18.onnx new file mode 100644 index 000000000..f86030c16 --- /dev/null +++ b/Computer_Vision/resnet50d_Opset18_timm/resnet50d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:961df05cf5ddbb6f057b68029f8d14aecb7bc1012eec203292f3e2d60382afd8 +size 102224530 diff --git a/Computer_Vision/resnet50d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnet50d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a80024b5b --- /dev/null +++ b/Computer_Vision/resnet50d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7304658889770508 + set_success: 0.017072439193725586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet50d_timm_3684ad7d/onnx/resnet50d_timm_3684ad7d-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet50d.py +class: ResNet +hash: 8e82e34f +model_name: resnet50d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 99828.6748 +onnx_ops_counter: + Add: 16 + AveragePool: 3 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 51 +parameters: 25576264 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet51q_Opset16_timm/resnet51q_Opset16.onnx b/Computer_Vision/resnet51q_Opset16_timm/resnet51q_Opset16.onnx new file mode 100644 index 000000000..bcb15a1e7 --- /dev/null +++ b/Computer_Vision/resnet51q_Opset16_timm/resnet51q_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4150a603537c0bc006186df64a863aacfc97af1203e970823abb94fbb5981418 +size 142662146 diff --git a/Computer_Vision/resnet51q_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnet51q_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2d5e74857 --- /dev/null +++ b/Computer_Vision/resnet51q_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.309278726577759 + set_success: 0.01895594596862793 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet51q_timm_854423a5/onnx/resnet51q_timm_854423a5-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet51q.py +class: ByobNet +hash: 9b4b723e +model_name: resnet51q +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 139318.5342 +onnx_ops_counter: + Add: 16 + Conv: 57 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 51 + Sigmoid: 51 +parameters: 35696920 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet51q_Opset17_timm/resnet51q_Opset17.onnx b/Computer_Vision/resnet51q_Opset17_timm/resnet51q_Opset17.onnx new file mode 100644 index 000000000..ec66925af --- /dev/null +++ b/Computer_Vision/resnet51q_Opset17_timm/resnet51q_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3aef1736176e32b5a28885468e2bbe6ae3612bcd1d82eb445157f66e3199bcdd +size 142662146 diff --git a/Computer_Vision/resnet51q_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnet51q_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..07e60418a --- /dev/null +++ b/Computer_Vision/resnet51q_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.3576571941375732 + set_success: 0.019429922103881836 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet51q_timm_854423a5/onnx/resnet51q_timm_854423a5-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet51q.py +class: ByobNet +hash: 9b4b723e +model_name: resnet51q +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 139318.5342 +onnx_ops_counter: + Add: 16 + Conv: 57 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 51 + Sigmoid: 51 +parameters: 35696920 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet51q_Opset18_timm/resnet51q_Opset18.onnx b/Computer_Vision/resnet51q_Opset18_timm/resnet51q_Opset18.onnx new file mode 100644 index 000000000..4d6f5e111 --- /dev/null +++ b/Computer_Vision/resnet51q_Opset18_timm/resnet51q_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50986766c3249d66a829f33a0c35045404eff5caac659509ba48d02187bdfd4b +size 142662146 diff --git a/Computer_Vision/resnet51q_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnet51q_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..97304728e --- /dev/null +++ b/Computer_Vision/resnet51q_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.8201236724853516 + set_success: 4.555483818054199 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet51q_timm_854423a5/onnx/resnet51q_timm_854423a5-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet51q.py +class: ByobNet +hash: 9b4b723e +model_name: resnet51q +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 139318.5342 +onnx_ops_counter: + Add: 16 + Conv: 57 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 51 + Sigmoid: 51 +parameters: 35696920 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet61q_Opset16_timm/resnet61q_Opset16.onnx b/Computer_Vision/resnet61q_Opset16_timm/resnet61q_Opset16.onnx new file mode 100644 index 000000000..02d9ff303 --- /dev/null +++ b/Computer_Vision/resnet61q_Opset16_timm/resnet61q_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e165bd2b66e0d70cbbba79af716ff2d65c654ba0c3227daa05305e7f272fe046 +size 147235871 diff --git a/Computer_Vision/resnet61q_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnet61q_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f55c36d8c --- /dev/null +++ b/Computer_Vision/resnet61q_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.667945384979248 + set_success: 0.019118547439575195 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet61q_timm_a06a0ba5/onnx/resnet61q_timm_a06a0ba5-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet61q.py +class: ByobNet +hash: 765bae85 +model_name: resnet61q +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 143785.0625 +onnx_ops_counter: + Add: 15 + Conv: 67 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 63 + Sigmoid: 63 +parameters: 36846968 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet61q_Opset17_timm/resnet61q_Opset17.onnx b/Computer_Vision/resnet61q_Opset17_timm/resnet61q_Opset17.onnx new file mode 100644 index 000000000..24e52ddfd --- /dev/null +++ b/Computer_Vision/resnet61q_Opset17_timm/resnet61q_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a9846b0f211ecbc101be51745dce0e20489286e0a722d5db94ac8f1eac122d0 +size 147235871 diff --git a/Computer_Vision/resnet61q_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnet61q_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6181a9117 --- /dev/null +++ b/Computer_Vision/resnet61q_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.702176332473755 + set_success: 0.017531156539916992 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet61q_timm_a06a0ba5/onnx/resnet61q_timm_a06a0ba5-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet61q.py +class: ByobNet +hash: 765bae85 +model_name: resnet61q +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 143785.0625 +onnx_ops_counter: + Add: 15 + Conv: 67 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 63 + Sigmoid: 63 +parameters: 36846968 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnet61q_Opset18_timm/resnet61q_Opset18.onnx b/Computer_Vision/resnet61q_Opset18_timm/resnet61q_Opset18.onnx new file mode 100644 index 000000000..e5461e0fc --- /dev/null +++ b/Computer_Vision/resnet61q_Opset18_timm/resnet61q_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a7c8a7bfd4afb78ccd6438364bc1e7cc8f1a683e32ad3f67fd5d1f1387f8ded6 +size 147235871 diff --git a/Computer_Vision/resnet61q_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnet61q_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..615d9b9a3 --- /dev/null +++ b/Computer_Vision/resnet61q_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.610633611679077 + set_success: 0.01693105697631836 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnet61q_timm_a06a0ba5/onnx/resnet61q_timm_a06a0ba5-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet61q.py +class: ByobNet +hash: 765bae85 +model_name: resnet61q +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 143785.0625 +onnx_ops_counter: + Add: 15 + Conv: 67 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 63 + Sigmoid: 63 +parameters: 36846968 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetaa101d_Opset16_timm/resnetaa101d_Opset16.onnx b/Computer_Vision/resnetaa101d_Opset16_timm/resnetaa101d_Opset16.onnx new file mode 100644 index 000000000..57505d51b --- /dev/null +++ b/Computer_Vision/resnetaa101d_Opset16_timm/resnetaa101d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:414df7f8c1830d875c5629049a576dd3ab4849d7fd7ced4600774ccc53fa0d81 +size 178113347 diff --git a/Computer_Vision/resnetaa101d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetaa101d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7bfad61f5 --- /dev/null +++ b/Computer_Vision/resnetaa101d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.5541341304779053 + set_success: 0.017565488815307617 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetaa101d_timm_8d039720/onnx/resnetaa101d_timm_8d039720-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetaa101d.py +class: ResNet +hash: 5116e473 +model_name: resnetaa101d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 173938.8477 +onnx_ops_counter: + Add: 33 + AveragePool: 7 + Conv: 106 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 102 +parameters: 44568392 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetaa101d_Opset17_timm/resnetaa101d_Opset17.onnx b/Computer_Vision/resnetaa101d_Opset17_timm/resnetaa101d_Opset17.onnx new file mode 100644 index 000000000..d54f3e963 --- /dev/null +++ b/Computer_Vision/resnetaa101d_Opset17_timm/resnetaa101d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f38e013f6dcc523fd6de531bb91d3bfc93416d14cd75a9ab0f00dc099b202cb4 +size 178113347 diff --git a/Computer_Vision/resnetaa101d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetaa101d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c8a2ee1f8 --- /dev/null +++ b/Computer_Vision/resnetaa101d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.7386744022369385 + set_success: 0.01931452751159668 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetaa101d_timm_8d039720/onnx/resnetaa101d_timm_8d039720-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetaa101d.py +class: ResNet +hash: 5116e473 +model_name: resnetaa101d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 173938.8477 +onnx_ops_counter: + Add: 33 + AveragePool: 7 + Conv: 106 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 102 +parameters: 44568392 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetaa101d_Opset18_timm/resnetaa101d_Opset18.onnx b/Computer_Vision/resnetaa101d_Opset18_timm/resnetaa101d_Opset18.onnx new file mode 100644 index 000000000..445abcf61 --- /dev/null +++ b/Computer_Vision/resnetaa101d_Opset18_timm/resnetaa101d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ebdb7327b1a6eb5c845271bb75134325edf3140cbdd9de35d381d714a180072e +size 178113347 diff --git a/Computer_Vision/resnetaa101d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnetaa101d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..491aa0fbe --- /dev/null +++ b/Computer_Vision/resnetaa101d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.619903326034546 + set_success: 0.02063298225402832 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetaa101d_timm_8d039720/onnx/resnetaa101d_timm_8d039720-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetaa101d.py +class: ResNet +hash: 5116e473 +model_name: resnetaa101d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 173938.8477 +onnx_ops_counter: + Add: 33 + AveragePool: 7 + Conv: 106 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 102 +parameters: 44568392 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetaa50_Opset16_timm/resnetaa50_Opset16.onnx b/Computer_Vision/resnetaa50_Opset16_timm/resnetaa50_Opset16.onnx new file mode 100644 index 000000000..e1b1271d6 --- /dev/null +++ b/Computer_Vision/resnetaa50_Opset16_timm/resnetaa50_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9875741e99b476625d552c1ed2f339c587aefe7711010cc567be2f810601d901 +size 102146963 diff --git a/Computer_Vision/resnetaa50_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetaa50_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c9dd28520 --- /dev/null +++ b/Computer_Vision/resnetaa50_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.702500343322754 + set_success: 0.01694512367248535 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetaa50_timm_c9842867/onnx/resnetaa50_timm_c9842867-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetaa50.py +class: ResNet +hash: '40200240' +model_name: resnetaa50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 99752.9258 +onnx_ops_counter: + Add: 16 + AveragePool: 4 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 49 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetaa50_Opset17_timm/resnetaa50_Opset17.onnx b/Computer_Vision/resnetaa50_Opset17_timm/resnetaa50_Opset17.onnx new file mode 100644 index 000000000..3d145eddc --- /dev/null +++ b/Computer_Vision/resnetaa50_Opset17_timm/resnetaa50_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:750962a2f99c03bcf5dc6b8aeb863934a91306899b3282c405263026cc2b994a +size 102146963 diff --git a/Computer_Vision/resnetaa50_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetaa50_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..50eb8b3aa --- /dev/null +++ b/Computer_Vision/resnetaa50_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.748906135559082 + set_success: 0.017594337463378906 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetaa50_timm_c9842867/onnx/resnetaa50_timm_c9842867-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetaa50.py +class: ResNet +hash: '40200240' +model_name: resnetaa50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 99752.9258 +onnx_ops_counter: + Add: 16 + AveragePool: 4 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 49 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetaa50_Opset18_timm/resnetaa50_Opset18.onnx b/Computer_Vision/resnetaa50_Opset18_timm/resnetaa50_Opset18.onnx new file mode 100644 index 000000000..a3c50d138 --- /dev/null +++ b/Computer_Vision/resnetaa50_Opset18_timm/resnetaa50_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1fbd8a29496c35e8788ba8236bc26bde4bcc2c7e3efdcb6f432e07b11b7c3ba6 +size 102146963 diff --git a/Computer_Vision/resnetaa50_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnetaa50_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..36006313d --- /dev/null +++ b/Computer_Vision/resnetaa50_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.6880197525024414 + set_success: 0.017001867294311523 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetaa50_timm_c9842867/onnx/resnetaa50_timm_c9842867-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetaa50.py +class: ResNet +hash: '40200240' +model_name: resnetaa50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 99752.9258 +onnx_ops_counter: + Add: 16 + AveragePool: 4 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 49 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetaa50d_Opset16_timm/resnetaa50d_Opset16.onnx b/Computer_Vision/resnetaa50d_Opset16_timm/resnetaa50d_Opset16.onnx new file mode 100644 index 000000000..6b4f5d88f --- /dev/null +++ b/Computer_Vision/resnetaa50d_Opset16_timm/resnetaa50d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6141dc2d56a610a421b42dbb6879f1ee98c2f37c9371b95e98a3ea76ae85f494 +size 102225287 diff --git a/Computer_Vision/resnetaa50d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetaa50d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..15c844dcf --- /dev/null +++ b/Computer_Vision/resnetaa50d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.806652307510376 + set_success: 0.017513751983642578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetaa50d_timm_982eb7f9/onnx/resnetaa50d_timm_982eb7f9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetaa50d.py +class: ResNet +hash: b8922cc4 +model_name: resnetaa50d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 99829.4141 +onnx_ops_counter: + Add: 16 + AveragePool: 7 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 51 +parameters: 25576264 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetaa50d_Opset17_timm/resnetaa50d_Opset17.onnx b/Computer_Vision/resnetaa50d_Opset17_timm/resnetaa50d_Opset17.onnx new file mode 100644 index 000000000..70c604aa9 --- /dev/null +++ b/Computer_Vision/resnetaa50d_Opset17_timm/resnetaa50d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a2469ce5bd073df1465ca0de6211e02524065a8668871592e519fb6985bcea2 +size 102225287 diff --git a/Computer_Vision/resnetaa50d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetaa50d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cd3624cb1 --- /dev/null +++ b/Computer_Vision/resnetaa50d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7785522937774658 + set_success: 0.016938209533691406 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetaa50d_timm_982eb7f9/onnx/resnetaa50d_timm_982eb7f9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetaa50d.py +class: ResNet +hash: b8922cc4 +model_name: resnetaa50d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 99829.4141 +onnx_ops_counter: + Add: 16 + AveragePool: 7 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 51 +parameters: 25576264 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetaa50d_Opset18_timm/resnetaa50d_Opset18.onnx b/Computer_Vision/resnetaa50d_Opset18_timm/resnetaa50d_Opset18.onnx new file mode 100644 index 000000000..7b563c1a7 --- /dev/null +++ b/Computer_Vision/resnetaa50d_Opset18_timm/resnetaa50d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea4dc2e7b3dcf3908177581a3ca5e581f2949e7c95a9bffa1af6f3b72ffb6da5 +size 102225287 diff --git a/Computer_Vision/resnetaa50d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnetaa50d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..efd385d68 --- /dev/null +++ b/Computer_Vision/resnetaa50d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0986955165863037 + set_success: 0.016374588012695312 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetaa50d_timm_982eb7f9/onnx/resnetaa50d_timm_982eb7f9-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetaa50d.py +class: ResNet +hash: b8922cc4 +model_name: resnetaa50d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 99829.4141 +onnx_ops_counter: + Add: 16 + AveragePool: 7 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 51 +parameters: 25576264 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetblur50_Opset16_timm/resnetblur50_Opset16.onnx b/Computer_Vision/resnetblur50_Opset16_timm/resnetblur50_Opset16.onnx new file mode 100644 index 000000000..a76360bdd --- /dev/null +++ b/Computer_Vision/resnetblur50_Opset16_timm/resnetblur50_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b28542bcacecff2d0d63f3301eae53c93222f966fc0529d059b876da07a853a0 +size 102191484 diff --git a/Computer_Vision/resnetblur50_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetblur50_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3b7e5062b --- /dev/null +++ b/Computer_Vision/resnetblur50_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8624951839447021 + set_success: 0.01792454719543457 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetblur50_timm_f9dfde56/onnx/resnetblur50_timm_f9dfde56-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetblur50.py +class: ResNet +hash: 6954073b +model_name: resnetblur50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 99796.4033 +onnx_ops_counter: + Add: 16 + Cast: 4 + Concat: 4 + Constant: 36 + ConstantOfShape: 4 + Conv: 57 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Pad: 4 + Relu: 49 + Reshape: 8 + Slice: 4 + Transpose: 4 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetblur50_Opset17_timm/resnetblur50_Opset17.onnx b/Computer_Vision/resnetblur50_Opset17_timm/resnetblur50_Opset17.onnx new file mode 100644 index 000000000..d5cdb3180 --- /dev/null +++ b/Computer_Vision/resnetblur50_Opset17_timm/resnetblur50_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c425e9c74b96cce208833245e47b6a64f9ffb6396b8d26222eaf0245ef91028 +size 102191484 diff --git a/Computer_Vision/resnetblur50_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetblur50_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0a2efae87 --- /dev/null +++ b/Computer_Vision/resnetblur50_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8682022094726562 + set_success: 0.01689004898071289 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetblur50_timm_f9dfde56/onnx/resnetblur50_timm_f9dfde56-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetblur50.py +class: ResNet +hash: 6954073b +model_name: resnetblur50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 99796.4033 +onnx_ops_counter: + Add: 16 + Cast: 4 + Concat: 4 + Constant: 36 + ConstantOfShape: 4 + Conv: 57 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Pad: 4 + Relu: 49 + Reshape: 8 + Slice: 4 + Transpose: 4 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetblur50_Opset18_timm/resnetblur50_Opset18.onnx b/Computer_Vision/resnetblur50_Opset18_timm/resnetblur50_Opset18.onnx new file mode 100644 index 000000000..8272376e6 --- /dev/null +++ b/Computer_Vision/resnetblur50_Opset18_timm/resnetblur50_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2021e93949374988581371bf34f876d086dec3a12055160ec89c5d0ac14ed1f4 +size 102191484 diff --git a/Computer_Vision/resnetblur50_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnetblur50_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ee9b1fdb8 --- /dev/null +++ b/Computer_Vision/resnetblur50_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8468313217163086 + set_success: 0.016729354858398438 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetblur50_timm_f9dfde56/onnx/resnetblur50_timm_f9dfde56-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetblur50.py +class: ResNet +hash: 6954073b +model_name: resnetblur50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 99796.4033 +onnx_ops_counter: + Add: 16 + Cast: 4 + Concat: 4 + Constant: 36 + ConstantOfShape: 4 + Conv: 57 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Pad: 4 + Relu: 49 + Reshape: 8 + Slice: 4 + Transpose: 4 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetrs101_Opset16_timm/resnetrs101_Opset16.onnx b/Computer_Vision/resnetrs101_Opset16_timm/resnetrs101_Opset16.onnx new file mode 100644 index 000000000..d7ae95dfc --- /dev/null +++ b/Computer_Vision/resnetrs101_Opset16_timm/resnetrs101_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0dc9e099f12fb5d8cfc0e2a9c684d2261e1029bb0e6fc14fd1e471cd81cdc9e2 +size 254354256 diff --git a/Computer_Vision/resnetrs101_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetrs101_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c63717341 --- /dev/null +++ b/Computer_Vision/resnetrs101_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.5204079151153564 + set_success: 0.018146514892578125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetrs101_timm_bde373b4/onnx/resnetrs101_timm_bde373b4-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetrs101.py +class: ResNet +hash: eb843249 +model_name: resnetrs101 +onnx_input_dimensions: + x: + - 1 + - 3 + - 192 + - 192 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 248392.8604 +onnx_ops_counter: + Add: 33 + AveragePool: 3 + Conv: 173 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 33 + ReduceMean: 33 + Relu: 136 + Sigmoid: 33 +parameters: 63618696 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetrs101_Opset17_timm/resnetrs101_Opset17.onnx b/Computer_Vision/resnetrs101_Opset17_timm/resnetrs101_Opset17.onnx new file mode 100644 index 000000000..c0bbf746e --- /dev/null +++ b/Computer_Vision/resnetrs101_Opset17_timm/resnetrs101_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf00f9f832c13c3b17d4afb17570051cd2a6807156217078336f2d89b1577a05 +size 254354256 diff --git a/Computer_Vision/resnetrs101_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetrs101_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..08ddcb13d --- /dev/null +++ b/Computer_Vision/resnetrs101_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.557421684265137 + set_success: 0.017876386642456055 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetrs101_timm_bde373b4/onnx/resnetrs101_timm_bde373b4-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetrs101.py +class: ResNet +hash: eb843249 +model_name: resnetrs101 +onnx_input_dimensions: + x: + - 1 + - 3 + - 192 + - 192 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 248392.8604 +onnx_ops_counter: + Add: 33 + AveragePool: 3 + Conv: 173 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 33 + ReduceMean: 33 + Relu: 136 + Sigmoid: 33 +parameters: 63618696 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetrs152_Opset16_timm/resnetrs152_Opset16.onnx b/Computer_Vision/resnetrs152_Opset16_timm/resnetrs152_Opset16.onnx new file mode 100644 index 000000000..f1311c7ef --- /dev/null +++ b/Computer_Vision/resnetrs152_Opset16_timm/resnetrs152_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1632f20cac7c2e60c428daecdde632416d96ad7e2b7162eb8d22283770221ad8 +size 346318408 diff --git a/Computer_Vision/resnetrs152_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetrs152_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..909b89b00 --- /dev/null +++ b/Computer_Vision/resnetrs152_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.514966011047363 + set_success: 0.021689653396606445 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetrs152_timm_0d89eee3/onnx/resnetrs152_timm_0d89eee3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetrs152.py +class: ResNet +hash: 7cc3c8bd +model_name: resnetrs152 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 338201.6025 +onnx_ops_counter: + Add: 50 + AveragePool: 3 + Conv: 258 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 50 + ReduceMean: 50 + Relu: 204 + Sigmoid: 50 +parameters: 86621576 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetrs152_Opset17_timm/resnetrs152_Opset17.onnx b/Computer_Vision/resnetrs152_Opset17_timm/resnetrs152_Opset17.onnx new file mode 100644 index 000000000..73b42e636 --- /dev/null +++ b/Computer_Vision/resnetrs152_Opset17_timm/resnetrs152_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dfadbacfd3b2687eb5d8e63847a0db94fef8d8ddcca0423d11a09b87cc0857fb +size 346318408 diff --git a/Computer_Vision/resnetrs152_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetrs152_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f28d63ea8 --- /dev/null +++ b/Computer_Vision/resnetrs152_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.570807456970215 + set_success: 0.02229452133178711 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetrs152_timm_0d89eee3/onnx/resnetrs152_timm_0d89eee3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetrs152.py +class: ResNet +hash: 7cc3c8bd +model_name: resnetrs152 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 338201.6025 +onnx_ops_counter: + Add: 50 + AveragePool: 3 + Conv: 258 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 50 + ReduceMean: 50 + Relu: 204 + Sigmoid: 50 +parameters: 86621576 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetrs200_Opset16_timm/resnetrs200_Opset16.onnx b/Computer_Vision/resnetrs200_Opset16_timm/resnetrs200_Opset16.onnx new file mode 100644 index 000000000..14c4f4615 --- /dev/null +++ b/Computer_Vision/resnetrs200_Opset16_timm/resnetrs200_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4cf60b34c6cb18e7e3f8458ea58cd1eb150c4889d4e840d9ddeaab5031ce5b94 +size 372665140 diff --git a/Computer_Vision/resnetrs200_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetrs200_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..fbb52f826 --- /dev/null +++ b/Computer_Vision/resnetrs200_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.314158916473389 + set_success: 0.027049541473388672 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetrs200_timm_3f2e7fb4/onnx/resnetrs200_timm_3f2e7fb4-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetrs200.py +class: ResNet +hash: 244abbdf +model_name: resnetrs200 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 363930.833 +onnx_ops_counter: + Add: 66 + AveragePool: 3 + Conv: 338 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 66 + ReduceMean: 66 + Relu: 268 + Sigmoid: 66 +parameters: 93209992 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetrs200_Opset17_timm/resnetrs200_Opset17.onnx b/Computer_Vision/resnetrs200_Opset17_timm/resnetrs200_Opset17.onnx new file mode 100644 index 000000000..d2196fde5 --- /dev/null +++ b/Computer_Vision/resnetrs200_Opset17_timm/resnetrs200_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5af5bd0884db7c10eb7c5c775b67dce786d4136d07925c7cd062fd7d255bbc62 +size 372665140 diff --git a/Computer_Vision/resnetrs200_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetrs200_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2e8b05d7a --- /dev/null +++ b/Computer_Vision/resnetrs200_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.744069576263428 + set_success: 0.02523636817932129 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetrs200_timm_3f2e7fb4/onnx/resnetrs200_timm_3f2e7fb4-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetrs200.py +class: ResNet +hash: 244abbdf +model_name: resnetrs200 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 363930.833 +onnx_ops_counter: + Add: 66 + AveragePool: 3 + Conv: 338 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 66 + ReduceMean: 66 + Relu: 268 + Sigmoid: 66 +parameters: 93209992 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetrs270_Opset16_timm/resnetrs270_Opset16.onnx b/Computer_Vision/resnetrs270_Opset16_timm/resnetrs270_Opset16.onnx new file mode 100644 index 000000000..8161fa055 --- /dev/null +++ b/Computer_Vision/resnetrs270_Opset16_timm/resnetrs270_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:671984b0b931231cf30445904ed2dfc34834ff81cb61156ae38f9891c87744fb +size 519200747 diff --git a/Computer_Vision/resnetrs270_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetrs270_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..35ff8e860 --- /dev/null +++ b/Computer_Vision/resnetrs270_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 25.164430618286133 + set_success: 0.03431200981140137 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetrs270_timm_b943d364/onnx/resnetrs270_timm_b943d364-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetrs270.py +class: ResNet +hash: 03d2420a +model_name: resnetrs270 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 507032.0117 +onnx_ops_counter: + Add: 90 + AveragePool: 3 + Conv: 458 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 90 + ReduceMean: 90 + Relu: 364 + Sigmoid: 90 +parameters: 129861448 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetrs270_Opset17_timm/resnetrs270_Opset17.onnx b/Computer_Vision/resnetrs270_Opset17_timm/resnetrs270_Opset17.onnx new file mode 100644 index 000000000..502196da0 --- /dev/null +++ b/Computer_Vision/resnetrs270_Opset17_timm/resnetrs270_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8aff2fc50ce48411a3e06282b3e1dc144f036c27bd8d805ca2729f9170840aa +size 519200747 diff --git a/Computer_Vision/resnetrs270_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetrs270_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..90dbfedc9 --- /dev/null +++ b/Computer_Vision/resnetrs270_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 24.836735010147095 + set_success: 2.3736908435821533 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetrs270_timm_b943d364/onnx/resnetrs270_timm_b943d364-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetrs270.py +class: ResNet +hash: 03d2420a +model_name: resnetrs270 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 507032.0117 +onnx_ops_counter: + Add: 90 + AveragePool: 3 + Conv: 458 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 90 + ReduceMean: 90 + Relu: 364 + Sigmoid: 90 +parameters: 129861448 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetrs350_Opset16_timm/resnetrs350_Opset16.onnx b/Computer_Vision/resnetrs350_Opset16_timm/resnetrs350_Opset16.onnx new file mode 100644 index 000000000..423535a55 --- /dev/null +++ b/Computer_Vision/resnetrs350_Opset16_timm/resnetrs350_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:afa5cd1e87446015103153732d1ea67ff0ba2e9e042a2be2d123659d8024eeab +size 655510195 diff --git a/Computer_Vision/resnetrs350_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetrs350_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..968c12b04 --- /dev/null +++ b/Computer_Vision/resnetrs350_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 34.26902174949646 + set_success: 0.037136077880859375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetrs350_timm_dacb925a/onnx/resnetrs350_timm_dacb925a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetrs350.py +class: ResNet +hash: fa4f76b5 +model_name: resnetrs350 +onnx_input_dimensions: + x: + - 1 + - 3 + - 288 + - 288 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 640146.707 +onnx_ops_counter: + Add: 116 + AveragePool: 3 + Conv: 588 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 116 + ReduceMean: 116 + Relu: 468 + Sigmoid: 116 +parameters: 163956168 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetrs350_Opset17_timm/resnetrs350_Opset17.onnx b/Computer_Vision/resnetrs350_Opset17_timm/resnetrs350_Opset17.onnx new file mode 100644 index 000000000..8451cdc04 --- /dev/null +++ b/Computer_Vision/resnetrs350_Opset17_timm/resnetrs350_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23d29fbc6ae6c053445c16734b38efcdc872d24880e2eaca5ab43c51f8785267 +size 655510195 diff --git a/Computer_Vision/resnetrs350_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetrs350_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2984837c4 --- /dev/null +++ b/Computer_Vision/resnetrs350_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 35.33518171310425 + set_success: 0.03613758087158203 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetrs350_timm_dacb925a/onnx/resnetrs350_timm_dacb925a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetrs350.py +class: ResNet +hash: fa4f76b5 +model_name: resnetrs350 +onnx_input_dimensions: + x: + - 1 + - 3 + - 288 + - 288 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 640146.707 +onnx_ops_counter: + Add: 116 + AveragePool: 3 + Conv: 588 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 116 + ReduceMean: 116 + Relu: 468 + Sigmoid: 116 +parameters: 163956168 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetrs420_Opset16_timm/resnetrs420_Opset16.onnx b/Computer_Vision/resnetrs420_Opset16_timm/resnetrs420_Opset16.onnx new file mode 100644 index 000000000..a1e1cdc3f --- /dev/null +++ b/Computer_Vision/resnetrs420_Opset16_timm/resnetrs420_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:38c74a9cd3fb71689c9047183b94e5bad523b7da3abedcf6e937f628090eb97e +size 767196276 diff --git a/Computer_Vision/resnetrs420_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetrs420_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4d0d05320 --- /dev/null +++ b/Computer_Vision/resnetrs420_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 48.019426107406616 + set_success: 0.03734135627746582 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetrs420_timm_6fc62c1d/onnx/resnetrs420_timm_6fc62c1d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetrs420.py +class: ResNet +hash: 3180d529 +model_name: resnetrs420 +onnx_input_dimensions: + x: + - 1 + - 3 + - 320 + - 320 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 749215.1455 +onnx_ops_counter: + Add: 139 + AveragePool: 3 + Conv: 703 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 139 + ReduceMean: 139 + Relu: 560 + Sigmoid: 139 +parameters: 191891656 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetrs420_Opset17_timm/resnetrs420_Opset17.onnx b/Computer_Vision/resnetrs420_Opset17_timm/resnetrs420_Opset17.onnx new file mode 100644 index 000000000..bf9b3cf44 --- /dev/null +++ b/Computer_Vision/resnetrs420_Opset17_timm/resnetrs420_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:12cd6b0f55b9f32b1e80635b4501246902479d63a39cb7aef15026d5002fbe2f +size 767196276 diff --git a/Computer_Vision/resnetrs420_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetrs420_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6ec53a22d --- /dev/null +++ b/Computer_Vision/resnetrs420_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 49.51020860671997 + set_success: 0.03768754005432129 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetrs420_timm_6fc62c1d/onnx/resnetrs420_timm_6fc62c1d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetrs420.py +class: ResNet +hash: 3180d529 +model_name: resnetrs420 +onnx_input_dimensions: + x: + - 1 + - 3 + - 320 + - 320 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 749215.1455 +onnx_ops_counter: + Add: 139 + AveragePool: 3 + Conv: 703 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 139 + ReduceMean: 139 + Relu: 560 + Sigmoid: 139 +parameters: 191891656 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetrs50_Opset16_timm/resnetrs50_Opset16.onnx b/Computer_Vision/resnetrs50_Opset16_timm/resnetrs50_Opset16.onnx new file mode 100644 index 000000000..a5c896639 --- /dev/null +++ b/Computer_Vision/resnetrs50_Opset16_timm/resnetrs50_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26eb937af5f0c3f0e1e28297b363fab97d1d854d7cd11f5aa97752e70863c0e6 +size 142706543 diff --git a/Computer_Vision/resnetrs50_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetrs50_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3603ba77f --- /dev/null +++ b/Computer_Vision/resnetrs50_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.515007257461548 + set_success: 0.015616416931152344 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetrs50_timm_4452c011/onnx/resnetrs50_timm_4452c011-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetrs50.py +class: ResNet +hash: b4767dee +model_name: resnetrs50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 160 + - 160 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 139361.8906 +onnx_ops_counter: + Add: 16 + AveragePool: 3 + Conv: 88 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 16 + ReduceMean: 16 + Relu: 68 + Sigmoid: 16 +parameters: 35691912 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetrs50_Opset17_timm/resnetrs50_Opset17.onnx b/Computer_Vision/resnetrs50_Opset17_timm/resnetrs50_Opset17.onnx new file mode 100644 index 000000000..5f8068633 --- /dev/null +++ b/Computer_Vision/resnetrs50_Opset17_timm/resnetrs50_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8806eb603bce506b580fa662d6a867b356d7d00fd487842e9ee80dce61f2954e +size 142706543 diff --git a/Computer_Vision/resnetrs50_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetrs50_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3fc5bb1d8 --- /dev/null +++ b/Computer_Vision/resnetrs50_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.509546995162964 + set_success: 0.015770912170410156 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetrs50_timm_4452c011/onnx/resnetrs50_timm_4452c011-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetrs50.py +class: ResNet +hash: b4767dee +model_name: resnetrs50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 160 + - 160 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 139361.8906 +onnx_ops_counter: + Add: 16 + AveragePool: 3 + Conv: 88 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 16 + ReduceMean: 16 + Relu: 68 + Sigmoid: 16 +parameters: 35691912 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_101_Opset16_timm/resnetv2_101_Opset16.onnx b/Computer_Vision/resnetv2_101_Opset16_timm/resnetv2_101_Opset16.onnx new file mode 100644 index 000000000..003d286d7 --- /dev/null +++ b/Computer_Vision/resnetv2_101_Opset16_timm/resnetv2_101_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f6520ac935444f94feaea3c395dfb99627fab6cef5721fdbeb5537c595e1e74 +size 178442674 diff --git a/Computer_Vision/resnetv2_101_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_101_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5025ca8ac --- /dev/null +++ b/Computer_Vision/resnetv2_101_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.447028875350952 + set_success: 0.01715874671936035 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_101_timm_288d4762/onnx/resnetv2_101_timm_288d4762-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_101.py +class: ResNetV2 +hash: bb2e0993 +model_name: resnetv2_101 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 174260.4561 +onnx_ops_counter: + Add: 33 + BatchNormalization: 34 + Conv: 105 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44541480 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_101_Opset17_timm/resnetv2_101_Opset17.onnx b/Computer_Vision/resnetv2_101_Opset17_timm/resnetv2_101_Opset17.onnx new file mode 100644 index 000000000..2c70e0a6c --- /dev/null +++ b/Computer_Vision/resnetv2_101_Opset17_timm/resnetv2_101_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c24684038ca26e71f1d6947fd0dcc96c020298b3a545682bff3192ba9d73a85 +size 178442674 diff --git a/Computer_Vision/resnetv2_101_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_101_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7b0e9f159 --- /dev/null +++ b/Computer_Vision/resnetv2_101_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.481339693069458 + set_success: 0.019857406616210938 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_101_timm_288d4762/onnx/resnetv2_101_timm_288d4762-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_101.py +class: ResNetV2 +hash: bb2e0993 +model_name: resnetv2_101 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 174260.4561 +onnx_ops_counter: + Add: 33 + BatchNormalization: 34 + Conv: 105 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44541480 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_101_Opset18_timm/resnetv2_101_Opset18.onnx b/Computer_Vision/resnetv2_101_Opset18_timm/resnetv2_101_Opset18.onnx new file mode 100644 index 000000000..26411f2b7 --- /dev/null +++ b/Computer_Vision/resnetv2_101_Opset18_timm/resnetv2_101_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3b48c6a75d6801b136140bb8987d03309bbf06ae93f39e3f20b7c9c87209a95 +size 178442674 diff --git a/Computer_Vision/resnetv2_101_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_101_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..60a2529df --- /dev/null +++ b/Computer_Vision/resnetv2_101_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.4256432056427 + set_success: 0.020018339157104492 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_101_timm_288d4762/onnx/resnetv2_101_timm_288d4762-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_101.py +class: ResNetV2 +hash: bb2e0993 +model_name: resnetv2_101 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 174260.4561 +onnx_ops_counter: + Add: 33 + BatchNormalization: 34 + Conv: 105 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44541480 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_101x1_bitm_Opset16_timm/resnetv2_101x1_bitm_Opset16.onnx b/Computer_Vision/resnetv2_101x1_bitm_Opset16_timm/resnetv2_101x1_bitm_Opset16.onnx new file mode 100644 index 000000000..8b1f164fd --- /dev/null +++ b/Computer_Vision/resnetv2_101x1_bitm_Opset16_timm/resnetv2_101x1_bitm_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ede5d2641f6bdcbb6eea21f98afe7fe96000ebfddbe3fcc6115ebcff6a54c5f +size 348679291 diff --git a/Computer_Vision/resnetv2_101x1_bitm_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_101x1_bitm_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e047d800f --- /dev/null +++ b/Computer_Vision/resnetv2_101x1_bitm_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.276842594146729 + set_success: 0.023653268814086914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_101x1_bitm_timm_f2237167/onnx/resnetv2_101x1_bitm_timm_f2237167-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_101x1_bitm.py +class: ResNetV2 +hash: c0f22eb0 +model_name: resnetv2_101x1_bitm +onnx_input_dimensions: + x: + - 1 + - 3 + - 448 + - 448 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 340507.1523 +onnx_ops_counter: + Add: 133 + BatchNormalization: 104 + Cast: 1 + Concat: 1 + Constant: 517 + ConstantOfShape: 1 + Conv: 105 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 84 + InstanceNormalization: 100 + MaxPool: 1 + Mul: 204 + Pad: 1 + ReduceMean: 312 + Relu: 100 + Reshape: 306 + Shape: 100 + Slice: 1 + Sub: 104 + Transpose: 1 +parameters: 44541480 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_101x1_bitm_Opset17_timm/resnetv2_101x1_bitm_Opset17.onnx b/Computer_Vision/resnetv2_101x1_bitm_Opset17_timm/resnetv2_101x1_bitm_Opset17.onnx new file mode 100644 index 000000000..6aa0ba9f8 --- /dev/null +++ b/Computer_Vision/resnetv2_101x1_bitm_Opset17_timm/resnetv2_101x1_bitm_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06d7e6d5e320798ce91db414aeb35e60b2459e62369dc020158d0811b5b5d0fd +size 348679291 diff --git a/Computer_Vision/resnetv2_101x1_bitm_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_101x1_bitm_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..19f199f18 --- /dev/null +++ b/Computer_Vision/resnetv2_101x1_bitm_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.935770273208618 + set_success: 0.025046110153198242 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_101x1_bitm_timm_f2237167/onnx/resnetv2_101x1_bitm_timm_f2237167-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_101x1_bitm.py +class: ResNetV2 +hash: c0f22eb0 +model_name: resnetv2_101x1_bitm +onnx_input_dimensions: + x: + - 1 + - 3 + - 448 + - 448 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 340507.1523 +onnx_ops_counter: + Add: 133 + BatchNormalization: 104 + Cast: 1 + Concat: 1 + Constant: 517 + ConstantOfShape: 1 + Conv: 105 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 84 + InstanceNormalization: 100 + MaxPool: 1 + Mul: 204 + Pad: 1 + ReduceMean: 312 + Relu: 100 + Reshape: 306 + Shape: 100 + Slice: 1 + Sub: 104 + Transpose: 1 +parameters: 44541480 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_101x1_bitm_in21k_Opset16_timm/resnetv2_101x1_bitm_in21k_Opset16.onnx b/Computer_Vision/resnetv2_101x1_bitm_in21k_Opset16_timm/resnetv2_101x1_bitm_in21k_Opset16.onnx new file mode 100644 index 000000000..52c2c268c --- /dev/null +++ b/Computer_Vision/resnetv2_101x1_bitm_in21k_Opset16_timm/resnetv2_101x1_bitm_in21k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ef26f78bd41d969434177a63d7f56e1be761a53af9d307c2fa209c3fdb83625 +size 519508524 diff --git a/Computer_Vision/resnetv2_101x1_bitm_in21k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_101x1_bitm_in21k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..651ab0d68 --- /dev/null +++ b/Computer_Vision/resnetv2_101x1_bitm_in21k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.449465990066528 + set_success: 0.02233266830444336 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_101x1_bitm_in21k_timm_6961ecf9/onnx/resnetv2_101x1_bitm_in21k_timm_6961ecf9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_101x1_bitm_in21k.py +class: ResNetV2 +hash: f84fa0ec +model_name: resnetv2_101x1_bitm_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 507332.5752 +onnx_ops_counter: + Add: 133 + BatchNormalization: 104 + Cast: 1 + Concat: 1 + Constant: 517 + ConstantOfShape: 1 + Conv: 105 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 84 + InstanceNormalization: 100 + MaxPool: 1 + Mul: 204 + Pad: 1 + ReduceMean: 312 + Relu: 100 + Reshape: 306 + Shape: 100 + Slice: 1 + Sub: 104 + Transpose: 1 +parameters: 87248787 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_101x1_bitm_in21k_Opset17_timm/resnetv2_101x1_bitm_in21k_Opset17.onnx b/Computer_Vision/resnetv2_101x1_bitm_in21k_Opset17_timm/resnetv2_101x1_bitm_in21k_Opset17.onnx new file mode 100644 index 000000000..92905ef6f --- /dev/null +++ b/Computer_Vision/resnetv2_101x1_bitm_in21k_Opset17_timm/resnetv2_101x1_bitm_in21k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8feb123da863bab61e0d47b42e67967a3fe5390d64ae3dbad67e174b760906d8 +size 519508524 diff --git a/Computer_Vision/resnetv2_101x1_bitm_in21k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_101x1_bitm_in21k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1ee5d8911 --- /dev/null +++ b/Computer_Vision/resnetv2_101x1_bitm_in21k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.377627611160278 + set_success: 0.02218031883239746 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_101x1_bitm_in21k_timm_6961ecf9/onnx/resnetv2_101x1_bitm_in21k_timm_6961ecf9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_101x1_bitm_in21k.py +class: ResNetV2 +hash: f84fa0ec +model_name: resnetv2_101x1_bitm_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 507332.5752 +onnx_ops_counter: + Add: 133 + BatchNormalization: 104 + Cast: 1 + Concat: 1 + Constant: 517 + ConstantOfShape: 1 + Conv: 105 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 84 + InstanceNormalization: 100 + MaxPool: 1 + Mul: 204 + Pad: 1 + ReduceMean: 312 + Relu: 100 + Reshape: 306 + Shape: 100 + Slice: 1 + Sub: 104 + Transpose: 1 +parameters: 87248787 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_101x3_bitm_Opset16_timm/resnetv2_101x3_bitm_Opset16.tar.gz b/Computer_Vision/resnetv2_101x3_bitm_Opset16_timm/resnetv2_101x3_bitm_Opset16.tar.gz new file mode 100644 index 000000000..de52a5b5c --- /dev/null +++ b/Computer_Vision/resnetv2_101x3_bitm_Opset16_timm/resnetv2_101x3_bitm_Opset16.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aaa6beb00fb74a6c2b11eaf941e0e268c937822d09a81f4e1b6ceb221cb3c6b5 +size 2854990315 diff --git a/Computer_Vision/resnetv2_101x3_bitm_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_101x3_bitm_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..774473ba5 --- /dev/null +++ b/Computer_Vision/resnetv2_101x3_bitm_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 25.787978410720825 + set_success: 0.8083198070526123 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_101x3_bitm_timm_b378ceb5/onnx/resnetv2_101x3_bitm_timm_b378ceb5-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_101x3_bitm.py +class: ResNetV2 +hash: 9f47832f +model_name: resnetv2_101x3_bitm +onnx_input_dimensions: + x: + - 1 + - 3 + - 448 + - 448 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): null +onnx_ops_counter: + Add: 133 + BatchNormalization: 104 + Cast: 1 + Concat: 1 + Constant: 517 + ConstantOfShape: 1 + Conv: 105 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 84 + InstanceNormalization: 100 + MaxPool: 1 + Mul: 204 + Pad: 1 + ReduceMean: 312 + Relu: 100 + Reshape: 306 + Shape: 100 + Slice: 1 + Sub: 104 + Transpose: 1 +parameters: 387934888 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_101x3_bitm_Opset17_timm/resnetv2_101x3_bitm_Opset17.tar.gz b/Computer_Vision/resnetv2_101x3_bitm_Opset17_timm/resnetv2_101x3_bitm_Opset17.tar.gz new file mode 100644 index 000000000..c6eb88894 --- /dev/null +++ b/Computer_Vision/resnetv2_101x3_bitm_Opset17_timm/resnetv2_101x3_bitm_Opset17.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aae8039a8270c7b7f4794ae589fdc01aa7555de97f18454a659ce91ae92110a6 +size 2854994700 diff --git a/Computer_Vision/resnetv2_101x3_bitm_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_101x3_bitm_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e3fc3ac83 --- /dev/null +++ b/Computer_Vision/resnetv2_101x3_bitm_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 25.553235292434692 + set_success: 1.0901691913604736 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_101x3_bitm_timm_b378ceb5/onnx/resnetv2_101x3_bitm_timm_b378ceb5-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_101x3_bitm.py +class: ResNetV2 +hash: 9f47832f +model_name: resnetv2_101x3_bitm +onnx_input_dimensions: + x: + - 1 + - 3 + - 448 + - 448 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): null +onnx_ops_counter: + Add: 133 + BatchNormalization: 104 + Cast: 1 + Concat: 1 + Constant: 517 + ConstantOfShape: 1 + Conv: 105 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 84 + InstanceNormalization: 100 + MaxPool: 1 + Mul: 204 + Pad: 1 + ReduceMean: 312 + Relu: 100 + Reshape: 306 + Shape: 100 + Slice: 1 + Sub: 104 + Transpose: 1 +parameters: 387934888 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_101x3_bitm_in21k_Opset16_timm/resnetv2_101x3_bitm_in21k_Opset16.tar.gz b/Computer_Vision/resnetv2_101x3_bitm_in21k_Opset16_timm/resnetv2_101x3_bitm_in21k_Opset16.tar.gz new file mode 100644 index 000000000..72e1aa0cb --- /dev/null +++ b/Computer_Vision/resnetv2_101x3_bitm_in21k_Opset16_timm/resnetv2_101x3_bitm_in21k_Opset16.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa27bee429b6055e0b2b0e1475183f7ffd1e72f906771927779d10f33bb8d51d +size 3328919900 diff --git a/Computer_Vision/resnetv2_101x3_bitm_in21k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_101x3_bitm_in21k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..624f6e8f5 --- /dev/null +++ b/Computer_Vision/resnetv2_101x3_bitm_in21k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 26.17414689064026 + set_success: 0.8070178031921387 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_101x3_bitm_in21k_timm_c6749e7b/onnx/resnetv2_101x3_bitm_in21k_timm_c6749e7b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_101x3_bitm_in21k.py +class: ResNetV2 +hash: 8d366392 +model_name: resnetv2_101x3_bitm_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): null +onnx_ops_counter: + Add: 133 + BatchNormalization: 104 + Cast: 1 + Concat: 1 + Constant: 517 + ConstantOfShape: 1 + Conv: 105 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 84 + InstanceNormalization: 100 + MaxPool: 1 + Mul: 204 + Pad: 1 + ReduceMean: 312 + Relu: 100 + Reshape: 306 + Shape: 100 + Slice: 1 + Sub: 104 + Transpose: 1 +parameters: 516015123 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_101x3_bitm_in21k_Opset17_timm/resnetv2_101x3_bitm_in21k_Opset17.tar.gz b/Computer_Vision/resnetv2_101x3_bitm_in21k_Opset17_timm/resnetv2_101x3_bitm_in21k_Opset17.tar.gz new file mode 100644 index 000000000..73d597362 --- /dev/null +++ b/Computer_Vision/resnetv2_101x3_bitm_in21k_Opset17_timm/resnetv2_101x3_bitm_in21k_Opset17.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cae420826283ae68436fa6ce4144d66bc29bf95391220b313eae18233356af87 +size 3328921499 diff --git a/Computer_Vision/resnetv2_101x3_bitm_in21k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_101x3_bitm_in21k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5a7ad3ced --- /dev/null +++ b/Computer_Vision/resnetv2_101x3_bitm_in21k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 25.397059679031372 + set_success: 0.610297441482544 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_101x3_bitm_in21k_timm_c6749e7b/onnx/resnetv2_101x3_bitm_in21k_timm_c6749e7b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_101x3_bitm_in21k.py +class: ResNetV2 +hash: 8d366392 +model_name: resnetv2_101x3_bitm_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): null +onnx_ops_counter: + Add: 133 + BatchNormalization: 104 + Cast: 1 + Concat: 1 + Constant: 517 + ConstantOfShape: 1 + Conv: 105 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 84 + InstanceNormalization: 100 + MaxPool: 1 + Mul: 204 + Pad: 1 + ReduceMean: 312 + Relu: 100 + Reshape: 306 + Shape: 100 + Slice: 1 + Sub: 104 + Transpose: 1 +parameters: 516015123 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_152x2_bit_teacher_384_Opset16_timm/resnetv2_152x2_bit_teacher_384_Opset16.onnx b/Computer_Vision/resnetv2_152x2_bit_teacher_384_Opset16_timm/resnetv2_152x2_bit_teacher_384_Opset16.onnx new file mode 100644 index 000000000..d2fd69458 --- /dev/null +++ b/Computer_Vision/resnetv2_152x2_bit_teacher_384_Opset16_timm/resnetv2_152x2_bit_teacher_384_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9297411e1050021fd65906db4493330f89ea506f2230ac179782b8880a20ebf9 +size 1875124768 diff --git a/Computer_Vision/resnetv2_152x2_bit_teacher_384_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_152x2_bit_teacher_384_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..daabb895a --- /dev/null +++ b/Computer_Vision/resnetv2_152x2_bit_teacher_384_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 32.73251795768738 + set_success: 0.038689613342285156 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_152x2_bit_teacher_384_timm_04cb0b5a/onnx/resnetv2_152x2_bit_teacher_384_timm_04cb0b5a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_152x2_bit_teacher_384.py +class: ResNetV2 +hash: eba08ea2 +model_name: resnetv2_152x2_bit_teacher_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1831176.5635 +onnx_ops_counter: + Add: 201 + BatchNormalization: 155 + Cast: 1 + Concat: 1 + Constant: 772 + ConstantOfShape: 1 + Conv: 156 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 135 + InstanceNormalization: 151 + MaxPool: 1 + Mul: 306 + Pad: 1 + ReduceMean: 465 + Relu: 151 + Reshape: 459 + Shape: 151 + Slice: 1 + Sub: 155 + Transpose: 1 +parameters: 236335208 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_152x2_bit_teacher_384_Opset17_timm/resnetv2_152x2_bit_teacher_384_Opset17.onnx b/Computer_Vision/resnetv2_152x2_bit_teacher_384_Opset17_timm/resnetv2_152x2_bit_teacher_384_Opset17.onnx new file mode 100644 index 000000000..9fda40f13 --- /dev/null +++ b/Computer_Vision/resnetv2_152x2_bit_teacher_384_Opset17_timm/resnetv2_152x2_bit_teacher_384_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1247dd35d8ad9b7df9ac5eadf67b0391fdd189ea530b1ea4fd9286e461915b3c +size 1875124768 diff --git a/Computer_Vision/resnetv2_152x2_bit_teacher_384_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_152x2_bit_teacher_384_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f5d1dfb35 --- /dev/null +++ b/Computer_Vision/resnetv2_152x2_bit_teacher_384_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 32.22948861122131 + set_success: 0.03195953369140625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_152x2_bit_teacher_384_timm_04cb0b5a/onnx/resnetv2_152x2_bit_teacher_384_timm_04cb0b5a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_152x2_bit_teacher_384.py +class: ResNetV2 +hash: eba08ea2 +model_name: resnetv2_152x2_bit_teacher_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1831176.5635 +onnx_ops_counter: + Add: 201 + BatchNormalization: 155 + Cast: 1 + Concat: 1 + Constant: 772 + ConstantOfShape: 1 + Conv: 156 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 135 + InstanceNormalization: 151 + MaxPool: 1 + Mul: 306 + Pad: 1 + ReduceMean: 465 + Relu: 151 + Reshape: 459 + Shape: 151 + Slice: 1 + Sub: 155 + Transpose: 1 +parameters: 236335208 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_152x2_bit_teacher_Opset16_timm/resnetv2_152x2_bit_teacher_Opset16.onnx b/Computer_Vision/resnetv2_152x2_bit_teacher_Opset16_timm/resnetv2_152x2_bit_teacher_Opset16.onnx new file mode 100644 index 000000000..1696ec2a2 --- /dev/null +++ b/Computer_Vision/resnetv2_152x2_bit_teacher_Opset16_timm/resnetv2_152x2_bit_teacher_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d03dab77b5b5bf9a06397ac04790fb20233436c3b39a0527cf1d31e70e461f8 +size 1875124768 diff --git a/Computer_Vision/resnetv2_152x2_bit_teacher_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_152x2_bit_teacher_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..df51da4fd --- /dev/null +++ b/Computer_Vision/resnetv2_152x2_bit_teacher_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 34.675625801086426 + set_success: 0.0323643684387207 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_152x2_bit_teacher_timm_4396dd26/onnx/resnetv2_152x2_bit_teacher_timm_4396dd26-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_152x2_bit_teacher.py +class: ResNetV2 +hash: eba08ea2 +model_name: resnetv2_152x2_bit_teacher +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1831176.5635 +onnx_ops_counter: + Add: 201 + BatchNormalization: 155 + Cast: 1 + Concat: 1 + Constant: 772 + ConstantOfShape: 1 + Conv: 156 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 135 + InstanceNormalization: 151 + MaxPool: 1 + Mul: 306 + Pad: 1 + ReduceMean: 465 + Relu: 151 + Reshape: 459 + Shape: 151 + Slice: 1 + Sub: 155 + Transpose: 1 +parameters: 236335208 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_152x2_bit_teacher_Opset17_timm/resnetv2_152x2_bit_teacher_Opset17.onnx b/Computer_Vision/resnetv2_152x2_bit_teacher_Opset17_timm/resnetv2_152x2_bit_teacher_Opset17.onnx new file mode 100644 index 000000000..bdbdcea1f --- /dev/null +++ b/Computer_Vision/resnetv2_152x2_bit_teacher_Opset17_timm/resnetv2_152x2_bit_teacher_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f42659b8c53f6c606d4d2e9dd5609db60a05589140e6f34bfb5a39e06dff4ad +size 1875124768 diff --git a/Computer_Vision/resnetv2_152x2_bit_teacher_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_152x2_bit_teacher_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..74596dfa6 --- /dev/null +++ b/Computer_Vision/resnetv2_152x2_bit_teacher_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 31.466541051864624 + set_success: 0.033298492431640625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_152x2_bit_teacher_timm_4396dd26/onnx/resnetv2_152x2_bit_teacher_timm_4396dd26-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_152x2_bit_teacher.py +class: ResNetV2 +hash: eba08ea2 +model_name: resnetv2_152x2_bit_teacher +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1831176.5635 +onnx_ops_counter: + Add: 201 + BatchNormalization: 155 + Cast: 1 + Concat: 1 + Constant: 772 + ConstantOfShape: 1 + Conv: 156 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 135 + InstanceNormalization: 151 + MaxPool: 1 + Mul: 306 + Pad: 1 + ReduceMean: 465 + Relu: 151 + Reshape: 459 + Shape: 151 + Slice: 1 + Sub: 155 + Transpose: 1 +parameters: 236335208 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_152x2_bitm_Opset16_timm/resnetv2_152x2_bitm_Opset16.onnx b/Computer_Vision/resnetv2_152x2_bitm_Opset16_timm/resnetv2_152x2_bitm_Opset16.onnx new file mode 100644 index 000000000..191c6fd4a --- /dev/null +++ b/Computer_Vision/resnetv2_152x2_bitm_Opset16_timm/resnetv2_152x2_bitm_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:613e5f95d9126ec5c2c044312cc6b058f3a7661f14c8fad603fd3852c6ef2896 +size 1875124768 diff --git a/Computer_Vision/resnetv2_152x2_bitm_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_152x2_bitm_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..75d81f876 --- /dev/null +++ b/Computer_Vision/resnetv2_152x2_bitm_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 34.13559293746948 + set_success: 0.03840017318725586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_152x2_bitm_timm_4a4c1512/onnx/resnetv2_152x2_bitm_timm_4a4c1512-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_152x2_bitm.py +class: ResNetV2 +hash: eba08ea2 +model_name: resnetv2_152x2_bitm +onnx_input_dimensions: + x: + - 1 + - 3 + - 448 + - 448 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1831176.5635 +onnx_ops_counter: + Add: 201 + BatchNormalization: 155 + Cast: 1 + Concat: 1 + Constant: 772 + ConstantOfShape: 1 + Conv: 156 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 135 + InstanceNormalization: 151 + MaxPool: 1 + Mul: 306 + Pad: 1 + ReduceMean: 465 + Relu: 151 + Reshape: 459 + Shape: 151 + Slice: 1 + Sub: 155 + Transpose: 1 +parameters: 236335208 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_152x2_bitm_Opset17_timm/resnetv2_152x2_bitm_Opset17.onnx b/Computer_Vision/resnetv2_152x2_bitm_Opset17_timm/resnetv2_152x2_bitm_Opset17.onnx new file mode 100644 index 000000000..b46dbfec2 --- /dev/null +++ b/Computer_Vision/resnetv2_152x2_bitm_Opset17_timm/resnetv2_152x2_bitm_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65c7f4b7a77b834a7090b7de0eb4d91e3d4bd36600b8570fd0475a7570ab5bee +size 1875124768 diff --git a/Computer_Vision/resnetv2_152x2_bitm_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_152x2_bitm_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ec789f627 --- /dev/null +++ b/Computer_Vision/resnetv2_152x2_bitm_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 42.57910442352295 + set_success: 0.05248141288757324 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_152x2_bitm_timm_4a4c1512/onnx/resnetv2_152x2_bitm_timm_4a4c1512-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_152x2_bitm.py +class: ResNetV2 +hash: eba08ea2 +model_name: resnetv2_152x2_bitm +onnx_input_dimensions: + x: + - 1 + - 3 + - 448 + - 448 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1831176.5635 +onnx_ops_counter: + Add: 201 + BatchNormalization: 155 + Cast: 1 + Concat: 1 + Constant: 772 + ConstantOfShape: 1 + Conv: 156 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 135 + InstanceNormalization: 151 + MaxPool: 1 + Mul: 306 + Pad: 1 + ReduceMean: 465 + Relu: 151 + Reshape: 459 + Shape: 151 + Slice: 1 + Sub: 155 + Transpose: 1 +parameters: 236335208 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_152x2_bitm_in21k_Opset16_timm/resnetv2_152x2_bitm_in21k_Opset16.tar.gz b/Computer_Vision/resnetv2_152x2_bitm_in21k_Opset16_timm/resnetv2_152x2_bitm_in21k_Opset16.tar.gz new file mode 100644 index 000000000..265af46eb --- /dev/null +++ b/Computer_Vision/resnetv2_152x2_bitm_in21k_Opset16_timm/resnetv2_152x2_bitm_in21k_Opset16.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de1b75f67f995ca24c9e9e8a0049c077dbc54e214b503e1f61adcd164093d39d +size 2054703857 diff --git a/Computer_Vision/resnetv2_152x2_bitm_in21k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_152x2_bitm_in21k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1b41dae16 --- /dev/null +++ b/Computer_Vision/resnetv2_152x2_bitm_in21k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 24.50411319732666 + set_success: 6.345622539520264 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_152x2_bitm_in21k_timm_6fde3aa4/onnx/resnetv2_152x2_bitm_in21k_timm_6fde3aa4-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_152x2_bitm_in21k.py +class: ResNetV2 +hash: 6163717f +model_name: resnetv2_152x2_bitm_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): null +onnx_ops_counter: + Add: 201 + BatchNormalization: 155 + Cast: 1 + Concat: 1 + Constant: 772 + ConstantOfShape: 1 + Conv: 156 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 135 + InstanceNormalization: 151 + MaxPool: 1 + Mul: 306 + Pad: 1 + ReduceMean: 465 + Relu: 151 + Reshape: 459 + Shape: 151 + Slice: 1 + Sub: 155 + Transpose: 1 +parameters: 321728979 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_152x2_bitm_in21k_Opset17_timm/resnetv2_152x2_bitm_in21k_Opset17.tar.gz b/Computer_Vision/resnetv2_152x2_bitm_in21k_Opset17_timm/resnetv2_152x2_bitm_in21k_Opset17.tar.gz new file mode 100644 index 000000000..7df36c5a1 --- /dev/null +++ b/Computer_Vision/resnetv2_152x2_bitm_in21k_Opset17_timm/resnetv2_152x2_bitm_in21k_Opset17.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:256caed8b0236f21b21ef6578c066a9c210be4e842e6220d20c0754ded061b79 +size 2054704785 diff --git a/Computer_Vision/resnetv2_152x2_bitm_in21k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_152x2_bitm_in21k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..db3350485 --- /dev/null +++ b/Computer_Vision/resnetv2_152x2_bitm_in21k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 23.402482271194458 + set_success: 2.188538074493408 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_152x2_bitm_in21k_timm_6fde3aa4/onnx/resnetv2_152x2_bitm_in21k_timm_6fde3aa4-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_152x2_bitm_in21k.py +class: ResNetV2 +hash: 6163717f +model_name: resnetv2_152x2_bitm_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): null +onnx_ops_counter: + Add: 201 + BatchNormalization: 155 + Cast: 1 + Concat: 1 + Constant: 772 + ConstantOfShape: 1 + Conv: 156 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 135 + InstanceNormalization: 151 + MaxPool: 1 + Mul: 306 + Pad: 1 + ReduceMean: 465 + Relu: 151 + Reshape: 459 + Shape: 151 + Slice: 1 + Sub: 155 + Transpose: 1 +parameters: 321728979 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_50_Opset16_timm/resnetv2_50_Opset16.onnx b/Computer_Vision/resnetv2_50_Opset16_timm/resnetv2_50_Opset16.onnx new file mode 100644 index 000000000..8ebf62e33 --- /dev/null +++ b/Computer_Vision/resnetv2_50_Opset16_timm/resnetv2_50_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35a70363ae465ad1f314bdf52400d76776db034b87fd07604a845763de235037 +size 102329114 diff --git a/Computer_Vision/resnetv2_50_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_50_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1bc47dfbc --- /dev/null +++ b/Computer_Vision/resnetv2_50_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.617826223373413 + set_success: 0.01583099365234375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_50_timm_7f1211bc/onnx/resnetv2_50_timm_7f1211bc-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_50.py +class: ResNetV2 +hash: f57e0dd6 +model_name: resnetv2_50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 99930.8076 +onnx_ops_counter: + Add: 16 + BatchNormalization: 17 + Conv: 54 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25549352 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_50_Opset17_timm/resnetv2_50_Opset17.onnx b/Computer_Vision/resnetv2_50_Opset17_timm/resnetv2_50_Opset17.onnx new file mode 100644 index 000000000..0153a4180 --- /dev/null +++ b/Computer_Vision/resnetv2_50_Opset17_timm/resnetv2_50_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:75139d1c8130f4d3d36ecdf4d04ab9aee9be7f1d34b9c30371ebc2a08e74191a +size 102329114 diff --git a/Computer_Vision/resnetv2_50_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_50_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5895d1bb6 --- /dev/null +++ b/Computer_Vision/resnetv2_50_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8011202812194824 + set_success: 0.01734304428100586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_50_timm_7f1211bc/onnx/resnetv2_50_timm_7f1211bc-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_50.py +class: ResNetV2 +hash: f57e0dd6 +model_name: resnetv2_50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 99930.8076 +onnx_ops_counter: + Add: 16 + BatchNormalization: 17 + Conv: 54 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25549352 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_50_Opset18_timm/resnetv2_50_Opset18.onnx b/Computer_Vision/resnetv2_50_Opset18_timm/resnetv2_50_Opset18.onnx new file mode 100644 index 000000000..bbaa56da7 --- /dev/null +++ b/Computer_Vision/resnetv2_50_Opset18_timm/resnetv2_50_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4259cfb90374fe2ae6f1a3559977396026def5d6886a1b7328af520d02a769c5 +size 102329114 diff --git a/Computer_Vision/resnetv2_50_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_50_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..576c543d6 --- /dev/null +++ b/Computer_Vision/resnetv2_50_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.6130855083465576 + set_success: 0.019348621368408203 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_50_timm_7f1211bc/onnx/resnetv2_50_timm_7f1211bc-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_50.py +class: ResNetV2 +hash: f57e0dd6 +model_name: resnetv2_50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 99930.8076 +onnx_ops_counter: + Add: 16 + BatchNormalization: 17 + Conv: 54 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25549352 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_50d_evos_Opset16_timm/resnetv2_50d_evos_Opset16.onnx b/Computer_Vision/resnetv2_50d_evos_Opset16_timm/resnetv2_50d_evos_Opset16.onnx new file mode 100644 index 000000000..7a60e0bfd --- /dev/null +++ b/Computer_Vision/resnetv2_50d_evos_Opset16_timm/resnetv2_50d_evos_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e5de429d7cc93bac0fc3c8c37845ab93989a982ff01dad6060312374f98e6daa +size 102663726 diff --git a/Computer_Vision/resnetv2_50d_evos_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_50d_evos_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b01a44e85 --- /dev/null +++ b/Computer_Vision/resnetv2_50d_evos_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.380681276321411 + set_success: 0.01956939697265625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_50d_evos_timm_f3abf384/onnx/resnetv2_50d_evos_timm_f3abf384-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_50d_evos.py +class: ResNetV2 +hash: 7d7b1bd0 +model_name: resnetv2_50d_evos +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 100257.5771 +onnx_ops_counter: + Add: 118 + AveragePool: 3 + Cast: 102 + Constant: 306 + ConstantOfShape: 51 + Conv: 56 + Div: 51 + Equal: 51 + Expand: 51 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 255 + ReduceMean: 102 + Reshape: 102 + Sigmoid: 51 + Sqrt: 51 + Sub: 51 + Where: 51 +parameters: 25591368 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_50d_evos_Opset17_timm/resnetv2_50d_evos_Opset17.onnx b/Computer_Vision/resnetv2_50d_evos_Opset17_timm/resnetv2_50d_evos_Opset17.onnx new file mode 100644 index 000000000..f5cb66469 --- /dev/null +++ b/Computer_Vision/resnetv2_50d_evos_Opset17_timm/resnetv2_50d_evos_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b57575a3ee9c8b32bf007403121ab1ca219e95c96289d33967b0c2ab26293d7d +size 102663726 diff --git a/Computer_Vision/resnetv2_50d_evos_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_50d_evos_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bf72e9ece --- /dev/null +++ b/Computer_Vision/resnetv2_50d_evos_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.665791749954224 + set_success: 0.02187800407409668 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_50d_evos_timm_f3abf384/onnx/resnetv2_50d_evos_timm_f3abf384-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_50d_evos.py +class: ResNetV2 +hash: 7d7b1bd0 +model_name: resnetv2_50d_evos +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 100257.5771 +onnx_ops_counter: + Add: 118 + AveragePool: 3 + Cast: 102 + Constant: 306 + ConstantOfShape: 51 + Conv: 56 + Div: 51 + Equal: 51 + Expand: 51 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 255 + ReduceMean: 102 + Reshape: 102 + Sigmoid: 51 + Sqrt: 51 + Sub: 51 + Where: 51 +parameters: 25591368 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_50d_gn_Opset16_timm/resnetv2_50d_gn_Opset16.onnx b/Computer_Vision/resnetv2_50d_gn_Opset16_timm/resnetv2_50d_gn_Opset16.onnx new file mode 100644 index 000000000..610672e99 --- /dev/null +++ b/Computer_Vision/resnetv2_50d_gn_Opset16_timm/resnetv2_50d_gn_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:487e66ccf102d069dcb201f6c13c0966fcf9e7642feefdeac102690762bb5953 +size 102413832 diff --git a/Computer_Vision/resnetv2_50d_gn_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_50d_gn_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d2c1fa52d --- /dev/null +++ b/Computer_Vision/resnetv2_50d_gn_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9641995429992676 + set_success: 0.01688075065612793 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_50d_gn_timm_8830c929/onnx/resnetv2_50d_gn_timm_8830c929-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_50d_gn.py +class: ResNetV2 +hash: e036c5d4 +model_name: resnetv2_50d_gn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 100013.54 +onnx_ops_counter: + Add: 67 + AveragePool: 3 + Constant: 153 + Conv: 56 + Flatten: 1 + GlobalAveragePool: 1 + InstanceNormalization: 51 + MaxPool: 1 + Mul: 51 + Relu: 51 + Reshape: 102 + Shape: 51 +parameters: 25568584 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_50d_gn_Opset17_timm/resnetv2_50d_gn_Opset17.onnx b/Computer_Vision/resnetv2_50d_gn_Opset17_timm/resnetv2_50d_gn_Opset17.onnx new file mode 100644 index 000000000..b13a0f781 --- /dev/null +++ b/Computer_Vision/resnetv2_50d_gn_Opset17_timm/resnetv2_50d_gn_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:90f3dc704bfefc04f92d7fd3ff3bed85dada77491d3f88515fcf0c3f6c6a878f +size 102413832 diff --git a/Computer_Vision/resnetv2_50d_gn_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_50d_gn_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b63f9a0e3 --- /dev/null +++ b/Computer_Vision/resnetv2_50d_gn_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9840514659881592 + set_success: 0.018657445907592773 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_50d_gn_timm_8830c929/onnx/resnetv2_50d_gn_timm_8830c929-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_50d_gn.py +class: ResNetV2 +hash: e036c5d4 +model_name: resnetv2_50d_gn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 100013.54 +onnx_ops_counter: + Add: 67 + AveragePool: 3 + Constant: 153 + Conv: 56 + Flatten: 1 + GlobalAveragePool: 1 + InstanceNormalization: 51 + MaxPool: 1 + Mul: 51 + Relu: 51 + Reshape: 102 + Shape: 51 +parameters: 25568584 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_50d_gn_Opset18_timm/resnetv2_50d_gn_Opset18.onnx b/Computer_Vision/resnetv2_50d_gn_Opset18_timm/resnetv2_50d_gn_Opset18.onnx new file mode 100644 index 000000000..3a8fe7309 --- /dev/null +++ b/Computer_Vision/resnetv2_50d_gn_Opset18_timm/resnetv2_50d_gn_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80152e0e981c043921edcf79b49878443a13c83113cc8fe2992a9f49b7b73379 +size 102413832 diff --git a/Computer_Vision/resnetv2_50d_gn_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_50d_gn_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d3caea437 --- /dev/null +++ b/Computer_Vision/resnetv2_50d_gn_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.1920604705810547 + set_success: 0.01801300048828125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_50d_gn_timm_8830c929/onnx/resnetv2_50d_gn_timm_8830c929-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_50d_gn.py +class: ResNetV2 +hash: e036c5d4 +model_name: resnetv2_50d_gn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 100013.54 +onnx_ops_counter: + Add: 67 + AveragePool: 3 + Constant: 153 + Conv: 56 + Flatten: 1 + GlobalAveragePool: 1 + InstanceNormalization: 51 + MaxPool: 1 + Mul: 51 + Relu: 51 + Reshape: 102 + Shape: 51 +parameters: 25568584 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_50x1_bit_distilled_Opset16_timm/resnetv2_50x1_bit_distilled_Opset16.onnx b/Computer_Vision/resnetv2_50x1_bit_distilled_Opset16_timm/resnetv2_50x1_bit_distilled_Opset16.onnx new file mode 100644 index 000000000..aaaeec514 --- /dev/null +++ b/Computer_Vision/resnetv2_50x1_bit_distilled_Opset16_timm/resnetv2_50x1_bit_distilled_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8c1a054fdd3be620ae9c5f60a072c9285766b9fa23e9725983f4e42405cafd3 +size 196485773 diff --git a/Computer_Vision/resnetv2_50x1_bit_distilled_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_50x1_bit_distilled_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5d28b9ba9 --- /dev/null +++ b/Computer_Vision/resnetv2_50x1_bit_distilled_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.08867335319519 + set_success: 0.01876974105834961 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_50x1_bit_distilled_timm_6cf2c86c/onnx/resnetv2_50x1_bit_distilled_timm_6cf2c86c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_50x1_bit_distilled.py +class: ResNetV2 +hash: 6246da40 +model_name: resnetv2_50x1_bit_distilled +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 191880.6699 +onnx_ops_counter: + Add: 65 + BatchNormalization: 53 + Cast: 1 + Concat: 1 + Constant: 262 + ConstantOfShape: 1 + Conv: 54 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 33 + InstanceNormalization: 49 + MaxPool: 1 + Mul: 102 + Pad: 1 + ReduceMean: 159 + Relu: 49 + Reshape: 153 + Shape: 49 + Slice: 1 + Sub: 53 + Transpose: 1 +parameters: 25549352 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_50x1_bit_distilled_Opset17_timm/resnetv2_50x1_bit_distilled_Opset17.onnx b/Computer_Vision/resnetv2_50x1_bit_distilled_Opset17_timm/resnetv2_50x1_bit_distilled_Opset17.onnx new file mode 100644 index 000000000..d665a3605 --- /dev/null +++ b/Computer_Vision/resnetv2_50x1_bit_distilled_Opset17_timm/resnetv2_50x1_bit_distilled_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06f7a3316d95bac3f7000af4b1f7da7715a6dc713e5ecb2743241488f85bd707 +size 196485773 diff --git a/Computer_Vision/resnetv2_50x1_bit_distilled_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_50x1_bit_distilled_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8e97ff68c --- /dev/null +++ b/Computer_Vision/resnetv2_50x1_bit_distilled_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.204120874404907 + set_success: 0.02221393585205078 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_50x1_bit_distilled_timm_6cf2c86c/onnx/resnetv2_50x1_bit_distilled_timm_6cf2c86c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_50x1_bit_distilled.py +class: ResNetV2 +hash: 6246da40 +model_name: resnetv2_50x1_bit_distilled +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 191880.6699 +onnx_ops_counter: + Add: 65 + BatchNormalization: 53 + Cast: 1 + Concat: 1 + Constant: 262 + ConstantOfShape: 1 + Conv: 54 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 33 + InstanceNormalization: 49 + MaxPool: 1 + Mul: 102 + Pad: 1 + ReduceMean: 159 + Relu: 49 + Reshape: 153 + Shape: 49 + Slice: 1 + Sub: 53 + Transpose: 1 +parameters: 25549352 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_50x1_bitm_Opset16_timm/resnetv2_50x1_bitm_Opset16.onnx b/Computer_Vision/resnetv2_50x1_bitm_Opset16_timm/resnetv2_50x1_bitm_Opset16.onnx new file mode 100644 index 000000000..fc1b1d014 --- /dev/null +++ b/Computer_Vision/resnetv2_50x1_bitm_Opset16_timm/resnetv2_50x1_bitm_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a72e8a535e7a221d77b29106301244d24f38972f43f3a48540bd430c85e1ce3e +size 196485773 diff --git a/Computer_Vision/resnetv2_50x1_bitm_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_50x1_bitm_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..96b34a113 --- /dev/null +++ b/Computer_Vision/resnetv2_50x1_bitm_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.164771318435669 + set_success: 0.02364492416381836 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_50x1_bitm_timm_d9dcd643/onnx/resnetv2_50x1_bitm_timm_d9dcd643-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_50x1_bitm.py +class: ResNetV2 +hash: 6246da40 +model_name: resnetv2_50x1_bitm +onnx_input_dimensions: + x: + - 1 + - 3 + - 448 + - 448 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 191880.6699 +onnx_ops_counter: + Add: 65 + BatchNormalization: 53 + Cast: 1 + Concat: 1 + Constant: 262 + ConstantOfShape: 1 + Conv: 54 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 33 + InstanceNormalization: 49 + MaxPool: 1 + Mul: 102 + Pad: 1 + ReduceMean: 159 + Relu: 49 + Reshape: 153 + Shape: 49 + Slice: 1 + Sub: 53 + Transpose: 1 +parameters: 25549352 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_50x1_bitm_Opset17_timm/resnetv2_50x1_bitm_Opset17.onnx b/Computer_Vision/resnetv2_50x1_bitm_Opset17_timm/resnetv2_50x1_bitm_Opset17.onnx new file mode 100644 index 000000000..9d12cfb31 --- /dev/null +++ b/Computer_Vision/resnetv2_50x1_bitm_Opset17_timm/resnetv2_50x1_bitm_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8beb64d3ac5445bfc2a2f3450428ef397dd3fb2215ccef786bbaf225b846bbee +size 196485773 diff --git a/Computer_Vision/resnetv2_50x1_bitm_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_50x1_bitm_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..70fc81db6 --- /dev/null +++ b/Computer_Vision/resnetv2_50x1_bitm_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.344825029373169 + set_success: 0.02344536781311035 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_50x1_bitm_timm_d9dcd643/onnx/resnetv2_50x1_bitm_timm_d9dcd643-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_50x1_bitm.py +class: ResNetV2 +hash: 6246da40 +model_name: resnetv2_50x1_bitm +onnx_input_dimensions: + x: + - 1 + - 3 + - 448 + - 448 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 191880.6699 +onnx_ops_counter: + Add: 65 + BatchNormalization: 53 + Cast: 1 + Concat: 1 + Constant: 262 + ConstantOfShape: 1 + Conv: 54 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 33 + InstanceNormalization: 49 + MaxPool: 1 + Mul: 102 + Pad: 1 + ReduceMean: 159 + Relu: 49 + Reshape: 153 + Shape: 49 + Slice: 1 + Sub: 53 + Transpose: 1 +parameters: 25549352 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_50x1_bitm_in21k_Opset16_timm/resnetv2_50x1_bitm_in21k_Opset16.onnx b/Computer_Vision/resnetv2_50x1_bitm_in21k_Opset16_timm/resnetv2_50x1_bitm_in21k_Opset16.onnx new file mode 100644 index 000000000..bec5f18fc --- /dev/null +++ b/Computer_Vision/resnetv2_50x1_bitm_in21k_Opset16_timm/resnetv2_50x1_bitm_in21k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1315b83137f5356fbd2277be0947b62d9ad3024092428e860d921962f48da3cf +size 367315007 diff --git a/Computer_Vision/resnetv2_50x1_bitm_in21k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_50x1_bitm_in21k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9799c0532 --- /dev/null +++ b/Computer_Vision/resnetv2_50x1_bitm_in21k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.686473846435547 + set_success: 0.019667863845825195 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_50x1_bitm_in21k_timm_111503c9/onnx/resnetv2_50x1_bitm_in21k_timm_111503c9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_50x1_bitm_in21k.py +class: ResNetV2 +hash: 3a2ddad2 +model_name: resnetv2_50x1_bitm_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 358706.0938 +onnx_ops_counter: + Add: 65 + BatchNormalization: 53 + Cast: 1 + Concat: 1 + Constant: 262 + ConstantOfShape: 1 + Conv: 54 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 33 + InstanceNormalization: 49 + MaxPool: 1 + Mul: 102 + Pad: 1 + ReduceMean: 159 + Relu: 49 + Reshape: 153 + Shape: 49 + Slice: 1 + Sub: 53 + Transpose: 1 +parameters: 68256659 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_50x1_bitm_in21k_Opset17_timm/resnetv2_50x1_bitm_in21k_Opset17.onnx b/Computer_Vision/resnetv2_50x1_bitm_in21k_Opset17_timm/resnetv2_50x1_bitm_in21k_Opset17.onnx new file mode 100644 index 000000000..20e076e84 --- /dev/null +++ b/Computer_Vision/resnetv2_50x1_bitm_in21k_Opset17_timm/resnetv2_50x1_bitm_in21k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77e94b611b9be6767e56950de949a72639e9f4e840468858d2b6ceb2f59d2f6a +size 367315007 diff --git a/Computer_Vision/resnetv2_50x1_bitm_in21k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_50x1_bitm_in21k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..dc52ffc85 --- /dev/null +++ b/Computer_Vision/resnetv2_50x1_bitm_in21k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.7105326652526855 + set_success: 0.019665002822875977 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_50x1_bitm_in21k_timm_111503c9/onnx/resnetv2_50x1_bitm_in21k_timm_111503c9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_50x1_bitm_in21k.py +class: ResNetV2 +hash: 3a2ddad2 +model_name: resnetv2_50x1_bitm_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 358706.0938 +onnx_ops_counter: + Add: 65 + BatchNormalization: 53 + Cast: 1 + Concat: 1 + Constant: 262 + ConstantOfShape: 1 + Conv: 54 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 33 + InstanceNormalization: 49 + MaxPool: 1 + Mul: 102 + Pad: 1 + ReduceMean: 159 + Relu: 49 + Reshape: 153 + Shape: 49 + Slice: 1 + Sub: 53 + Transpose: 1 +parameters: 68256659 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_50x3_bitm_Opset16_timm/resnetv2_50x3_bitm_Opset16.onnx b/Computer_Vision/resnetv2_50x3_bitm_Opset16_timm/resnetv2_50x3_bitm_Opset16.onnx new file mode 100644 index 000000000..5d1301878 --- /dev/null +++ b/Computer_Vision/resnetv2_50x3_bitm_Opset16_timm/resnetv2_50x3_bitm_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6136b5cd8549175cfb266b51950dac1eabbca36206dae377231629273e6f76c +size 1714321230 diff --git a/Computer_Vision/resnetv2_50x3_bitm_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_50x3_bitm_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..093e21ee6 --- /dev/null +++ b/Computer_Vision/resnetv2_50x3_bitm_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 24.20677351951599 + set_success: 0.02540302276611328 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_50x3_bitm_timm_ec5994fe/onnx/resnetv2_50x3_bitm_timm_ec5994fe-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_50x3_bitm.py +class: ResNetV2 +hash: 1ea42a8c +model_name: resnetv2_50x3_bitm +onnx_input_dimensions: + x: + - 1 + - 3 + - 448 + - 448 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1674141.8584 +onnx_ops_counter: + Add: 65 + BatchNormalization: 53 + Cast: 1 + Concat: 1 + Constant: 262 + ConstantOfShape: 1 + Conv: 54 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 33 + InstanceNormalization: 49 + MaxPool: 1 + Mul: 102 + Pad: 1 + ReduceMean: 159 + Relu: 49 + Reshape: 153 + Shape: 49 + Slice: 1 + Sub: 53 + Transpose: 1 +parameters: 217319080 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_50x3_bitm_Opset17_timm/resnetv2_50x3_bitm_Opset17.onnx b/Computer_Vision/resnetv2_50x3_bitm_Opset17_timm/resnetv2_50x3_bitm_Opset17.onnx new file mode 100644 index 000000000..a0292897f --- /dev/null +++ b/Computer_Vision/resnetv2_50x3_bitm_Opset17_timm/resnetv2_50x3_bitm_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3271174114fe4629a4764305b9e35af29daf7e2ee757df2393fc450eda98e68 +size 1714321230 diff --git a/Computer_Vision/resnetv2_50x3_bitm_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_50x3_bitm_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1967a4ba8 --- /dev/null +++ b/Computer_Vision/resnetv2_50x3_bitm_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 24.340147256851196 + set_success: 0.021507978439331055 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_50x3_bitm_timm_ec5994fe/onnx/resnetv2_50x3_bitm_timm_ec5994fe-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_50x3_bitm.py +class: ResNetV2 +hash: 1ea42a8c +model_name: resnetv2_50x3_bitm +onnx_input_dimensions: + x: + - 1 + - 3 + - 448 + - 448 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1674141.8584 +onnx_ops_counter: + Add: 65 + BatchNormalization: 53 + Cast: 1 + Concat: 1 + Constant: 262 + ConstantOfShape: 1 + Conv: 54 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 33 + InstanceNormalization: 49 + MaxPool: 1 + Mul: 102 + Pad: 1 + ReduceMean: 159 + Relu: 49 + Reshape: 153 + Shape: 49 + Slice: 1 + Sub: 53 + Transpose: 1 +parameters: 217319080 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_50x3_bitm_in21k_Opset16_timm/resnetv2_50x3_bitm_in21k_Opset16.tar.gz b/Computer_Vision/resnetv2_50x3_bitm_in21k_Opset16_timm/resnetv2_50x3_bitm_in21k_Opset16.tar.gz new file mode 100644 index 000000000..76e9bf9c3 --- /dev/null +++ b/Computer_Vision/resnetv2_50x3_bitm_in21k_Opset16_timm/resnetv2_50x3_bitm_in21k_Opset16.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8bc6824ae0f9af89a26de94f2646328ef3fce354df6c51df57dcd0ad2ba1bfb7 +size 2061007395 diff --git a/Computer_Vision/resnetv2_50x3_bitm_in21k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_50x3_bitm_in21k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3aa7f4329 --- /dev/null +++ b/Computer_Vision/resnetv2_50x3_bitm_in21k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.067341089248657 + set_success: 0.021969318389892578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_50x3_bitm_in21k_timm_3f88a695/onnx/resnetv2_50x3_bitm_in21k_timm_3f88a695-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_50x3_bitm_in21k.py +class: ResNetV2 +hash: 78cedb10 +model_name: resnetv2_50x3_bitm_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): null +onnx_ops_counter: + Add: 65 + BatchNormalization: 53 + Cast: 1 + Concat: 1 + Constant: 262 + ConstantOfShape: 1 + Conv: 54 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 33 + InstanceNormalization: 49 + MaxPool: 1 + Mul: 102 + Pad: 1 + ReduceMean: 159 + Relu: 49 + Reshape: 153 + Shape: 49 + Slice: 1 + Sub: 53 + Transpose: 1 +parameters: 345399315 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnetv2_50x3_bitm_in21k_Opset17_timm/resnetv2_50x3_bitm_in21k_Opset17.tar.gz b/Computer_Vision/resnetv2_50x3_bitm_in21k_Opset17_timm/resnetv2_50x3_bitm_in21k_Opset17.tar.gz new file mode 100644 index 000000000..238aace57 --- /dev/null +++ b/Computer_Vision/resnetv2_50x3_bitm_in21k_Opset17_timm/resnetv2_50x3_bitm_in21k_Opset17.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:819b1be8d1f26e491ab722fa63e4da1d24a8ca3f429561086d5e5ae0fbcaa182 +size 2061012127 diff --git a/Computer_Vision/resnetv2_50x3_bitm_in21k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnetv2_50x3_bitm_in21k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0868b86be --- /dev/null +++ b/Computer_Vision/resnetv2_50x3_bitm_in21k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.338151454925537 + set_success: 0.020979642868041992 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnetv2_50x3_bitm_in21k_timm_3f88a695/onnx/resnetv2_50x3_bitm_in21k_timm_3f88a695-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnetv2_50x3_bitm_in21k.py +class: ResNetV2 +hash: 78cedb10 +model_name: resnetv2_50x3_bitm_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): null +onnx_ops_counter: + Add: 65 + BatchNormalization: 53 + Cast: 1 + Concat: 1 + Constant: 262 + ConstantOfShape: 1 + Conv: 54 + Flatten: 1 + GlobalAveragePool: 1 + Identity: 33 + InstanceNormalization: 49 + MaxPool: 1 + Mul: 102 + Pad: 1 + ReduceMean: 159 + Relu: 49 + Reshape: 153 + Shape: 49 + Slice: 1 + Sub: 53 + Transpose: 1 +parameters: 345399315 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnext101_32x4d_Opset16_timm/resnext101_32x4d_Opset16.onnx b/Computer_Vision/resnext101_32x4d_Opset16_timm/resnext101_32x4d_Opset16.onnx new file mode 100644 index 000000000..4018e09fa --- /dev/null +++ b/Computer_Vision/resnext101_32x4d_Opset16_timm/resnext101_32x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10810dc7b9bf3c0a66e3a7b4e24e4131530788a8945a9da174c48f4d80802991 +size 176483401 diff --git a/Computer_Vision/resnext101_32x4d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnext101_32x4d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0b7704e16 --- /dev/null +++ b/Computer_Vision/resnext101_32x4d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.666996717453003 + set_success: 0.018463850021362305 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnext101_32x4d_timm_05071e7e/onnx/resnext101_32x4d_timm_05071e7e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnext101_32x4d.py +class: ResNet +hash: 984aa3a2 +model_name: resnext101_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 172347.1035 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44177704 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnext101_32x4d_Opset17_timm/resnext101_32x4d_Opset17.onnx b/Computer_Vision/resnext101_32x4d_Opset17_timm/resnext101_32x4d_Opset17.onnx new file mode 100644 index 000000000..556f692a4 --- /dev/null +++ b/Computer_Vision/resnext101_32x4d_Opset17_timm/resnext101_32x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ed97babb36bcdc30247d3acef18e7249b5bdac8e45a158c211499ddd05bf7f52 +size 176483401 diff --git a/Computer_Vision/resnext101_32x4d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnext101_32x4d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a2f16d3d8 --- /dev/null +++ b/Computer_Vision/resnext101_32x4d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.5994505882263184 + set_success: 0.01810622215270996 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnext101_32x4d_timm_05071e7e/onnx/resnext101_32x4d_timm_05071e7e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnext101_32x4d.py +class: ResNet +hash: 984aa3a2 +model_name: resnext101_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 172347.1035 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44177704 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnext101_32x4d_Opset18_timm/resnext101_32x4d_Opset18.onnx b/Computer_Vision/resnext101_32x4d_Opset18_timm/resnext101_32x4d_Opset18.onnx new file mode 100644 index 000000000..5915b5b06 --- /dev/null +++ b/Computer_Vision/resnext101_32x4d_Opset18_timm/resnext101_32x4d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b683e4a4856ecbab0b89b6a3f93c48ca3463909311c45f00dfb8f195888cf67 +size 176483401 diff --git a/Computer_Vision/resnext101_32x4d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnext101_32x4d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..639d22a3e --- /dev/null +++ b/Computer_Vision/resnext101_32x4d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.6899189949035645 + set_success: 0.018147945404052734 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnext101_32x4d_timm_05071e7e/onnx/resnext101_32x4d_timm_05071e7e-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnext101_32x4d.py +class: ResNet +hash: 984aa3a2 +model_name: resnext101_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 172347.1035 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44177704 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnext101_32x8d_Opset16_timm/resnext101_32x8d_Opset16.onnx b/Computer_Vision/resnext101_32x8d_Opset16_timm/resnext101_32x8d_Opset16.onnx new file mode 100644 index 000000000..bdfc7e6e9 --- /dev/null +++ b/Computer_Vision/resnext101_32x8d_Opset16_timm/resnext101_32x8d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f267e39dc7d9c5fa0f35ccb2a3e00711fc869922d458722bd471ff5a43ac0769 +size 354807890 diff --git a/Computer_Vision/resnext101_32x8d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnext101_32x8d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f298f4f12 --- /dev/null +++ b/Computer_Vision/resnext101_32x8d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.619490146636963 + set_success: 0.018155336380004883 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnext101_32x8d_timm_1e210a44/onnx/resnext101_32x8d_timm_1e210a44-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnext101_32x8d.py +class: ResNet +hash: a37f8b3b +model_name: resnext101_32x8d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 346492.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 88791336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnext101_32x8d_Opset16_torch_hub/resnext101_32x8d_Opset16.onnx b/Computer_Vision/resnext101_32x8d_Opset16_torch_hub/resnext101_32x8d_Opset16.onnx new file mode 100644 index 000000000..df175031f --- /dev/null +++ b/Computer_Vision/resnext101_32x8d_Opset16_torch_hub/resnext101_32x8d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a153f1c6d206fe40cbd4ac684907bed926818d3fa5ea51da0bbd6f1558a6ccf4 +size 354808260 diff --git a/Computer_Vision/resnext101_32x8d_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/resnext101_32x8d_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..4ef3adf31 --- /dev/null +++ b/Computer_Vision/resnext101_32x8d_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.462570905685425 + set_success: 0.020702362060546875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnext101_32x8d_torch_hub_19f2a1f2/onnx/resnext101_32x8d_torch_hub_19f2a1f2-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/resnext101_32x8d.py +class: ResNet +hash: 0b88b3d8 +model_name: resnext101_32x8d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 346492.4736 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 88791336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnext101_32x8d_Opset17_timm/resnext101_32x8d_Opset17.onnx b/Computer_Vision/resnext101_32x8d_Opset17_timm/resnext101_32x8d_Opset17.onnx new file mode 100644 index 000000000..dbca2f7f5 --- /dev/null +++ b/Computer_Vision/resnext101_32x8d_Opset17_timm/resnext101_32x8d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f479aadc2522d4eea4bb78085870e114a3a526d7b480af396e2e56f67a1544c8 +size 354807890 diff --git a/Computer_Vision/resnext101_32x8d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnext101_32x8d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a0ec955c8 --- /dev/null +++ b/Computer_Vision/resnext101_32x8d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.643420457839966 + set_success: 0.018867969512939453 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnext101_32x8d_timm_1e210a44/onnx/resnext101_32x8d_timm_1e210a44-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnext101_32x8d.py +class: ResNet +hash: a37f8b3b +model_name: resnext101_32x8d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 346492.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 88791336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnext101_32x8d_Opset17_torch_hub/resnext101_32x8d_Opset17.onnx b/Computer_Vision/resnext101_32x8d_Opset17_torch_hub/resnext101_32x8d_Opset17.onnx new file mode 100644 index 000000000..0fa5e20ca --- /dev/null +++ b/Computer_Vision/resnext101_32x8d_Opset17_torch_hub/resnext101_32x8d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:69a5196191ddbebe4c0763e9893264807449996ae34500615d5f1c3620204c55 +size 354808260 diff --git a/Computer_Vision/resnext101_32x8d_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/resnext101_32x8d_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..3db796a11 --- /dev/null +++ b/Computer_Vision/resnext101_32x8d_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.372373819351196 + set_success: 0.01931166648864746 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnext101_32x8d_torch_hub_19f2a1f2/onnx/resnext101_32x8d_torch_hub_19f2a1f2-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/resnext101_32x8d.py +class: ResNet +hash: 0b88b3d8 +model_name: resnext101_32x8d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 346492.4736 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 88791336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnext101_32x8d_Opset18_timm/resnext101_32x8d_Opset18.onnx b/Computer_Vision/resnext101_32x8d_Opset18_timm/resnext101_32x8d_Opset18.onnx new file mode 100644 index 000000000..1e2d7827d --- /dev/null +++ b/Computer_Vision/resnext101_32x8d_Opset18_timm/resnext101_32x8d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a58c8b029365d9f49f256b13a28512d366767ebab297ae668c5593e5ead2be1e +size 354807890 diff --git a/Computer_Vision/resnext101_32x8d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnext101_32x8d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..39f142664 --- /dev/null +++ b/Computer_Vision/resnext101_32x8d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.294414520263672 + set_success: 0.018732786178588867 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnext101_32x8d_timm_1e210a44/onnx/resnext101_32x8d_timm_1e210a44-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnext101_32x8d.py +class: ResNet +hash: a37f8b3b +model_name: resnext101_32x8d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 346492.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 88791336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnext101_32x8d_Opset18_torch_hub/resnext101_32x8d_Opset18.onnx b/Computer_Vision/resnext101_32x8d_Opset18_torch_hub/resnext101_32x8d_Opset18.onnx new file mode 100644 index 000000000..951ce83fa --- /dev/null +++ b/Computer_Vision/resnext101_32x8d_Opset18_torch_hub/resnext101_32x8d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4867d1ee24f399332a1247b845adc5ec0c74d9bd25595b07b4749b1c977b44d +size 354808260 diff --git a/Computer_Vision/resnext101_32x8d_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/resnext101_32x8d_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..76d3c7a12 --- /dev/null +++ b/Computer_Vision/resnext101_32x8d_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.316515684127808 + set_success: 0.02105236053466797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnext101_32x8d_torch_hub_19f2a1f2/onnx/resnext101_32x8d_torch_hub_19f2a1f2-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/resnext101_32x8d.py +class: ResNet +hash: 0b88b3d8 +model_name: resnext101_32x8d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 346492.4736 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 88791336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnext101_64x4d_Opset16_timm/resnext101_64x4d_Opset16.onnx b/Computer_Vision/resnext101_64x4d_Opset16_timm/resnext101_64x4d_Opset16.onnx new file mode 100644 index 000000000..73030de6d --- /dev/null +++ b/Computer_Vision/resnext101_64x4d_Opset16_timm/resnext101_64x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:098d3d4591df6b08cc1354ac85370a62f551bdf49425c67ef32e38c2e33949d7 +size 333463634 diff --git a/Computer_Vision/resnext101_64x4d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnext101_64x4d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d39bcb707 --- /dev/null +++ b/Computer_Vision/resnext101_64x4d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.357873916625977 + set_success: 0.020390987396240234 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnext101_64x4d_timm_4f0247e7/onnx/resnext101_64x4d_timm_4f0247e7-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnext101_64x4d.py +class: ResNet +hash: 14edb4a4 +model_name: resnext101_64x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 325648.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 83455272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnext101_64x4d_Opset17_timm/resnext101_64x4d_Opset17.onnx b/Computer_Vision/resnext101_64x4d_Opset17_timm/resnext101_64x4d_Opset17.onnx new file mode 100644 index 000000000..cb9f09f1d --- /dev/null +++ b/Computer_Vision/resnext101_64x4d_Opset17_timm/resnext101_64x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f00c97867f0ab7043869e53830749b439abbe8e2f56da8992e5215d3a3ca92c +size 333463634 diff --git a/Computer_Vision/resnext101_64x4d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnext101_64x4d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e0f2e1599 --- /dev/null +++ b/Computer_Vision/resnext101_64x4d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.168408393859863 + set_success: 0.01789093017578125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnext101_64x4d_timm_4f0247e7/onnx/resnext101_64x4d_timm_4f0247e7-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnext101_64x4d.py +class: ResNet +hash: 14edb4a4 +model_name: resnext101_64x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 325648.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 83455272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnext101_64x4d_Opset18_timm/resnext101_64x4d_Opset18.onnx b/Computer_Vision/resnext101_64x4d_Opset18_timm/resnext101_64x4d_Opset18.onnx new file mode 100644 index 000000000..ed2aeafee --- /dev/null +++ b/Computer_Vision/resnext101_64x4d_Opset18_timm/resnext101_64x4d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d7ab1c5df3bb355081171c584fee365fd6bfd8ada946710462ec46e701649118 +size 333463634 diff --git a/Computer_Vision/resnext101_64x4d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnext101_64x4d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1fed78068 --- /dev/null +++ b/Computer_Vision/resnext101_64x4d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.6637632846832275 + set_success: 0.023714303970336914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnext101_64x4d_timm_4f0247e7/onnx/resnext101_64x4d_timm_4f0247e7-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnext101_64x4d.py +class: ResNet +hash: 14edb4a4 +model_name: resnext101_64x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 325648.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 83455272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnext26ts_Opset16_timm/resnext26ts_Opset16.onnx b/Computer_Vision/resnext26ts_Opset16_timm/resnext26ts_Opset16.onnx new file mode 100644 index 000000000..0fffcaaf7 --- /dev/null +++ b/Computer_Vision/resnext26ts_Opset16_timm/resnext26ts_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f056d2917eeb4115f24e23173528e2dd6ab9c1948f727df1ad90237545a82068 +size 41153171 diff --git a/Computer_Vision/resnext26ts_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnext26ts_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1d89aed85 --- /dev/null +++ b/Computer_Vision/resnext26ts_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8985905647277832 + set_success: 0.01578354835510254 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnext26ts_timm_21d505b3/onnx/resnext26ts_timm_21d505b3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnext26ts.py +class: ByobNet +hash: 423d5a25 +model_name: resnext26ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 40188.6758 +onnx_ops_counter: + Add: 8 + Conv: 31 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 27 + Sigmoid: 27 +parameters: 10297952 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnext26ts_Opset17_timm/resnext26ts_Opset17.onnx b/Computer_Vision/resnext26ts_Opset17_timm/resnext26ts_Opset17.onnx new file mode 100644 index 000000000..28b6706e3 --- /dev/null +++ b/Computer_Vision/resnext26ts_Opset17_timm/resnext26ts_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab5fb0867de14383e7127a4c7ba0b381389b78a087bd2d9595c007c5821e1b9d +size 41153171 diff --git a/Computer_Vision/resnext26ts_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnext26ts_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cbf36f829 --- /dev/null +++ b/Computer_Vision/resnext26ts_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9087374210357666 + set_success: 0.016974925994873047 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnext26ts_timm_21d505b3/onnx/resnext26ts_timm_21d505b3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnext26ts.py +class: ByobNet +hash: 423d5a25 +model_name: resnext26ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 40188.6758 +onnx_ops_counter: + Add: 8 + Conv: 31 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 27 + Sigmoid: 27 +parameters: 10297952 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnext26ts_Opset18_timm/resnext26ts_Opset18.onnx b/Computer_Vision/resnext26ts_Opset18_timm/resnext26ts_Opset18.onnx new file mode 100644 index 000000000..dcc6eda7f --- /dev/null +++ b/Computer_Vision/resnext26ts_Opset18_timm/resnext26ts_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31c068acf25264647a1982d78d8bb165af14aed0cd17a9317ee648c5916e9c9e +size 41153171 diff --git a/Computer_Vision/resnext26ts_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnext26ts_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..425d7be33 --- /dev/null +++ b/Computer_Vision/resnext26ts_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9202544689178467 + set_success: 0.01923537254333496 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnext26ts_timm_21d505b3/onnx/resnext26ts_timm_21d505b3-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnext26ts.py +class: ByobNet +hash: 423d5a25 +model_name: resnext26ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 40188.6758 +onnx_ops_counter: + Add: 8 + Conv: 31 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 27 + Sigmoid: 27 +parameters: 10297952 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnext50_32x4d_Opset16_timm/resnext50_32x4d_Opset16.onnx b/Computer_Vision/resnext50_32x4d_Opset16_timm/resnext50_32x4d_Opset16.onnx new file mode 100644 index 000000000..8a6f90164 --- /dev/null +++ b/Computer_Vision/resnext50_32x4d_Opset16_timm/resnext50_32x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:122db67c2c4a899a14bc227d907b09288c6ee05a757148071b5cf551f4951720 +size 100003492 diff --git a/Computer_Vision/resnext50_32x4d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnext50_32x4d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..587a5b16e --- /dev/null +++ b/Computer_Vision/resnext50_32x4d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7874987125396729 + set_success: 0.016314983367919922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnext50_32x4d_timm_41f9ac03/onnx/resnext50_32x4d_timm_41f9ac03-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnext50_32x4d.py +class: ResNet +hash: baf7f18f +model_name: resnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 97659.6924 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25028904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnext50_32x4d_Opset16_torch_hub/resnext50_32x4d_Opset16.onnx b/Computer_Vision/resnext50_32x4d_Opset16_torch_hub/resnext50_32x4d_Opset16.onnx new file mode 100644 index 000000000..0571d0463 --- /dev/null +++ b/Computer_Vision/resnext50_32x4d_Opset16_torch_hub/resnext50_32x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62f88a32708313c99942db9c6d7e2669e1ee84de96eef261ed313ced4089f434 +size 100003624 diff --git a/Computer_Vision/resnext50_32x4d_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/resnext50_32x4d_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..3c415e834 --- /dev/null +++ b/Computer_Vision/resnext50_32x4d_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7731022834777832 + set_success: 0.016488313674926758 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnext50_32x4d_torch_hub_520c82c0/onnx/resnext50_32x4d_torch_hub_520c82c0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/resnext50_32x4d.py +class: ResNet +hash: ce6f3fb8 +model_name: resnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 97659.8213 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25028904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnext50_32x4d_Opset17_timm/resnext50_32x4d_Opset17.onnx b/Computer_Vision/resnext50_32x4d_Opset17_timm/resnext50_32x4d_Opset17.onnx new file mode 100644 index 000000000..c05ee63ce --- /dev/null +++ b/Computer_Vision/resnext50_32x4d_Opset17_timm/resnext50_32x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d1f06318ab24d167eaa671d382c91439fb6f0d29b52f63d768bce83302ac679 +size 100003492 diff --git a/Computer_Vision/resnext50_32x4d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnext50_32x4d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..74d55618e --- /dev/null +++ b/Computer_Vision/resnext50_32x4d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.955622673034668 + set_success: 0.018395662307739258 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnext50_32x4d_timm_41f9ac03/onnx/resnext50_32x4d_timm_41f9ac03-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnext50_32x4d.py +class: ResNet +hash: baf7f18f +model_name: resnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 97659.6924 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25028904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnext50_32x4d_Opset17_torch_hub/resnext50_32x4d_Opset17.onnx b/Computer_Vision/resnext50_32x4d_Opset17_torch_hub/resnext50_32x4d_Opset17.onnx new file mode 100644 index 000000000..ceb173113 --- /dev/null +++ b/Computer_Vision/resnext50_32x4d_Opset17_torch_hub/resnext50_32x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27aa55045af6497672dc651ff6e7d753d316dc481635d62d3d7af1fb69ce3810 +size 100003624 diff --git a/Computer_Vision/resnext50_32x4d_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/resnext50_32x4d_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..84e7aa4aa --- /dev/null +++ b/Computer_Vision/resnext50_32x4d_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7400691509246826 + set_success: 0.015755891799926758 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnext50_32x4d_torch_hub_520c82c0/onnx/resnext50_32x4d_torch_hub_520c82c0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/resnext50_32x4d.py +class: ResNet +hash: ce6f3fb8 +model_name: resnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 97659.8213 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25028904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnext50_32x4d_Opset18_timm/resnext50_32x4d_Opset18.onnx b/Computer_Vision/resnext50_32x4d_Opset18_timm/resnext50_32x4d_Opset18.onnx new file mode 100644 index 000000000..5dad03b45 --- /dev/null +++ b/Computer_Vision/resnext50_32x4d_Opset18_timm/resnext50_32x4d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8191ec130f57e1ab7adaf1f39a39a683bfffd2f5bf63c4020bf580b342f56c1d +size 100003492 diff --git a/Computer_Vision/resnext50_32x4d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnext50_32x4d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8c3ffbf1c --- /dev/null +++ b/Computer_Vision/resnext50_32x4d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8177037239074707 + set_success: 0.022856473922729492 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnext50_32x4d_timm_41f9ac03/onnx/resnext50_32x4d_timm_41f9ac03-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnext50_32x4d.py +class: ResNet +hash: baf7f18f +model_name: resnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 97659.6924 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25028904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnext50_32x4d_Opset18_torch_hub/resnext50_32x4d_Opset18.onnx b/Computer_Vision/resnext50_32x4d_Opset18_torch_hub/resnext50_32x4d_Opset18.onnx new file mode 100644 index 000000000..625bfd977 --- /dev/null +++ b/Computer_Vision/resnext50_32x4d_Opset18_torch_hub/resnext50_32x4d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f412ffb7f1295d1454dfec0220eaf72d2567e37e4b80dede54655d5745374cb1 +size 100003624 diff --git a/Computer_Vision/resnext50_32x4d_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/resnext50_32x4d_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..6f946590f --- /dev/null +++ b/Computer_Vision/resnext50_32x4d_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.2386786937713623 + set_success: 0.02283787727355957 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnext50_32x4d_torch_hub_520c82c0/onnx/resnext50_32x4d_torch_hub_520c82c0-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/resnext50_32x4d.py +class: ResNet +hash: ce6f3fb8 +model_name: resnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 97659.8213 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25028904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnext50d_32x4d_Opset16_timm/resnext50d_32x4d_Opset16.onnx b/Computer_Vision/resnext50d_32x4d_Opset16_timm/resnext50d_32x4d_Opset16.onnx new file mode 100644 index 000000000..9aa21ecc0 --- /dev/null +++ b/Computer_Vision/resnext50d_32x4d_Opset16_timm/resnext50d_32x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b2072d1b244cf65588558c1b06f2337758ebf382a3f6c46da8355d047aafb434 +size 100081816 diff --git a/Computer_Vision/resnext50d_32x4d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/resnext50d_32x4d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..41b265dab --- /dev/null +++ b/Computer_Vision/resnext50d_32x4d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8331356048583984 + set_success: 0.017127275466918945 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnext50d_32x4d_timm_3b0a2fb3/onnx/resnext50d_32x4d_timm_3b0a2fb3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnext50d_32x4d.py +class: ResNet +hash: ebf31f57 +model_name: resnext50d_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 97736.1807 +onnx_ops_counter: + Add: 16 + AveragePool: 3 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 51 +parameters: 25048136 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnext50d_32x4d_Opset17_timm/resnext50d_32x4d_Opset17.onnx b/Computer_Vision/resnext50d_32x4d_Opset17_timm/resnext50d_32x4d_Opset17.onnx new file mode 100644 index 000000000..d834c43fb --- /dev/null +++ b/Computer_Vision/resnext50d_32x4d_Opset17_timm/resnext50d_32x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a81278d95359c9078dbb1fa7a103e662fa661281776ccc0c76eb0d89af2bfd56 +size 100081816 diff --git a/Computer_Vision/resnext50d_32x4d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/resnext50d_32x4d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..eba2f9a93 --- /dev/null +++ b/Computer_Vision/resnext50d_32x4d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.81569504737854 + set_success: 0.018198251724243164 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnext50d_32x4d_timm_3b0a2fb3/onnx/resnext50d_32x4d_timm_3b0a2fb3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnext50d_32x4d.py +class: ResNet +hash: ebf31f57 +model_name: resnext50d_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 97736.1807 +onnx_ops_counter: + Add: 16 + AveragePool: 3 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 51 +parameters: 25048136 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/resnext50d_32x4d_Opset18_timm/resnext50d_32x4d_Opset18.onnx b/Computer_Vision/resnext50d_32x4d_Opset18_timm/resnext50d_32x4d_Opset18.onnx new file mode 100644 index 000000000..a7d9904bd --- /dev/null +++ b/Computer_Vision/resnext50d_32x4d_Opset18_timm/resnext50d_32x4d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:befb1c59374ed72b766ff1cbad58703dfa0d5a37642f9182a8260f7e4ea3e1f8 +size 100081816 diff --git a/Computer_Vision/resnext50d_32x4d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/resnext50d_32x4d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1759da3a6 --- /dev/null +++ b/Computer_Vision/resnext50d_32x4d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.823286533355713 + set_success: 0.01698589324951172 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resnext50d_32x4d_timm_3b0a2fb3/onnx/resnext50d_32x4d_timm_3b0a2fb3-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/resnext50d_32x4d.py +class: ResNet +hash: ebf31f57 +model_name: resnext50d_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 97736.1807 +onnx_ops_counter: + Add: 16 + AveragePool: 3 + Conv: 55 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 51 +parameters: 25048136 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/retinanet_resnet50_fpn_v2_Opset16_torchvision/retinanet_resnet50_fpn_v2_Opset16.onnx b/Computer_Vision/retinanet_resnet50_fpn_v2_Opset16_torchvision/retinanet_resnet50_fpn_v2_Opset16.onnx new file mode 100644 index 000000000..f7af96ea4 --- /dev/null +++ b/Computer_Vision/retinanet_resnet50_fpn_v2_Opset16_torchvision/retinanet_resnet50_fpn_v2_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7bdb97e0b5fa4423180b943e85904487388c7f324f722dcd94044ac2afbe1c12 +size 153037049 diff --git a/Computer_Vision/retinanet_resnet50_fpn_v2_Opset16_torchvision/turnkey_stats.yaml b/Computer_Vision/retinanet_resnet50_fpn_v2_Opset16_torchvision/turnkey_stats.yaml new file mode 100644 index 000000000..06143d7fe --- /dev/null +++ b/Computer_Vision/retinanet_resnet50_fpn_v2_Opset16_torchvision/turnkey_stats.yaml @@ -0,0 +1,242 @@ +author: torchvision +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.03522515296936 + set_success: 0.025580883026123047 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/retinanet_resnet50_fpn_v2_torchvision_63ae293c/onnx/retinanet_resnet50_fpn_v2_torchvision_63ae293c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torchvision/retinanet_resnet50_fpn_v2.py +class: RetinaNet +hash: bc30c272 +model_name: retinanet_resnet50_fpn_v2 +onnx_input_dimensions: + images: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 149450.2754 +onnx_ops_counter: + Add: 123 + And: 5 + Cast: 85 + Ceil: 2 + Clip: 10 + Concat: 85 + Constant: 768 + ConstantOfShape: 21 + Conv: 111 + Div: 41 + Equal: 6 + Exp: 10 + Expand: 10 + Flatten: 5 + Floor: 2 + Gather: 120 + GatherND: 5 + Greater: 5 + Identity: 64 + If: 1 + InstanceNormalization: 40 + Less: 10 + Max: 10 + MaxPool: 1 + Min: 11 + Mod: 10 + Mul: 110 + NonZero: 10 + Not: 5 + Pad: 1 + Range: 10 + Reciprocal: 2 + ReduceMax: 4 + ReduceMin: 6 + ReduceProd: 1 + Relu: 90 + Reshape: 157 + Resize: 3 + Shape: 140 + Sigmoid: 5 + Slice: 55 + Split: 7 + Squeeze: 10 + Sub: 30 + TopK: 5 + Transpose: 21 + Unsqueeze: 161 + Where: 5 + Xor: 5 +parameters: 38198935 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/retinanet_resnet50_fpn_v2_Opset17_torchvision/retinanet_resnet50_fpn_v2_Opset17.onnx b/Computer_Vision/retinanet_resnet50_fpn_v2_Opset17_torchvision/retinanet_resnet50_fpn_v2_Opset17.onnx new file mode 100644 index 000000000..bacfc0010 --- /dev/null +++ b/Computer_Vision/retinanet_resnet50_fpn_v2_Opset17_torchvision/retinanet_resnet50_fpn_v2_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3abb1f44cba2d78b7cb9e83e55c9ab77945492a5903e51435c0d2d6461560a5 +size 153037049 diff --git a/Computer_Vision/retinanet_resnet50_fpn_v2_Opset17_torchvision/turnkey_stats.yaml b/Computer_Vision/retinanet_resnet50_fpn_v2_Opset17_torchvision/turnkey_stats.yaml new file mode 100644 index 000000000..ec1d0b0a4 --- /dev/null +++ b/Computer_Vision/retinanet_resnet50_fpn_v2_Opset17_torchvision/turnkey_stats.yaml @@ -0,0 +1,242 @@ +author: torchvision +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.790813446044922 + set_success: 0.024262428283691406 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/retinanet_resnet50_fpn_v2_torchvision_63ae293c/onnx/retinanet_resnet50_fpn_v2_torchvision_63ae293c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torchvision/retinanet_resnet50_fpn_v2.py +class: RetinaNet +hash: bc30c272 +model_name: retinanet_resnet50_fpn_v2 +onnx_input_dimensions: + images: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 149450.2754 +onnx_ops_counter: + Add: 123 + And: 5 + Cast: 85 + Ceil: 2 + Clip: 10 + Concat: 85 + Constant: 768 + ConstantOfShape: 21 + Conv: 111 + Div: 41 + Equal: 6 + Exp: 10 + Expand: 10 + Flatten: 5 + Floor: 2 + Gather: 120 + GatherND: 5 + Greater: 5 + Identity: 64 + If: 1 + InstanceNormalization: 40 + Less: 10 + Max: 10 + MaxPool: 1 + Min: 11 + Mod: 10 + Mul: 110 + NonZero: 10 + Not: 5 + Pad: 1 + Range: 10 + Reciprocal: 2 + ReduceMax: 4 + ReduceMin: 6 + ReduceProd: 1 + Relu: 90 + Reshape: 157 + Resize: 3 + Shape: 140 + Sigmoid: 5 + Slice: 55 + Split: 7 + Squeeze: 10 + Sub: 30 + TopK: 5 + Transpose: 21 + Unsqueeze: 161 + Where: 5 + Xor: 5 +parameters: 38198935 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/retinanet_resnet50_fpn_v2_Opset18_torchvision/retinanet_resnet50_fpn_v2_Opset18.onnx b/Computer_Vision/retinanet_resnet50_fpn_v2_Opset18_torchvision/retinanet_resnet50_fpn_v2_Opset18.onnx new file mode 100644 index 000000000..b46a2b2e7 --- /dev/null +++ b/Computer_Vision/retinanet_resnet50_fpn_v2_Opset18_torchvision/retinanet_resnet50_fpn_v2_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:73500e3262f4c31fe2141082a52c0f098c0496bc95496ff447aaac6db35c0d68 +size 153037049 diff --git a/Computer_Vision/retinanet_resnet50_fpn_v2_Opset18_torchvision/turnkey_stats.yaml b/Computer_Vision/retinanet_resnet50_fpn_v2_Opset18_torchvision/turnkey_stats.yaml new file mode 100644 index 000000000..e3503ce7f --- /dev/null +++ b/Computer_Vision/retinanet_resnet50_fpn_v2_Opset18_torchvision/turnkey_stats.yaml @@ -0,0 +1,242 @@ +author: torchvision +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.730576753616333 + set_success: 0.025531768798828125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/retinanet_resnet50_fpn_v2_torchvision_63ae293c/onnx/retinanet_resnet50_fpn_v2_torchvision_63ae293c-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torchvision/retinanet_resnet50_fpn_v2.py +class: RetinaNet +hash: bc30c272 +model_name: retinanet_resnet50_fpn_v2 +onnx_input_dimensions: + images: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 149450.2754 +onnx_ops_counter: + Add: 123 + And: 5 + Cast: 85 + Ceil: 2 + Clip: 10 + Concat: 85 + Constant: 768 + ConstantOfShape: 21 + Conv: 111 + Div: 41 + Equal: 6 + Exp: 10 + Expand: 10 + Flatten: 5 + Floor: 2 + Gather: 120 + GatherND: 5 + Greater: 5 + Identity: 64 + If: 1 + InstanceNormalization: 40 + Less: 10 + Max: 10 + MaxPool: 1 + Min: 11 + Mod: 10 + Mul: 110 + NonZero: 10 + Not: 5 + Pad: 1 + Range: 10 + Reciprocal: 2 + ReduceMax: 4 + ReduceMin: 6 + ReduceProd: 1 + Relu: 90 + Reshape: 157 + Resize: 3 + Shape: 140 + Sigmoid: 5 + Slice: 55 + Split: 7 + Squeeze: 10 + Sub: 30 + TopK: 5 + Transpose: 21 + Unsqueeze: 161 + Where: 5 + Xor: 5 +parameters: 38198935 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/rexnet_100_Opset16_timm/rexnet_100_Opset16.onnx b/Computer_Vision/rexnet_100_Opset16_timm/rexnet_100_Opset16.onnx new file mode 100644 index 000000000..d3cea52da --- /dev/null +++ b/Computer_Vision/rexnet_100_Opset16_timm/rexnet_100_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:456ba1b7346bb1529326450894905adf9f6cb6c8721c451814ef722c28b63f60 +size 19169569 diff --git a/Computer_Vision/rexnet_100_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/rexnet_100_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..40956d402 --- /dev/null +++ b/Computer_Vision/rexnet_100_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.599208116531372 + set_success: 0.01687026023864746 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/rexnet_100_timm_66726edb/onnx/rexnet_100_timm_66726edb-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/rexnet_100.py +class: RexNet +hash: 1baa283b +model_name: rexnet_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 18720.3145 +onnx_ops_counter: + Add: 11 + Clip: 16 + Concat: 11 + Constant: 120 + Conv: 75 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 30 + ReduceMean: 13 + Relu: 13 + Sigmoid: 30 + Slice: 22 +parameters: 4796873 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/rexnet_100_Opset17_timm/rexnet_100_Opset17.onnx b/Computer_Vision/rexnet_100_Opset17_timm/rexnet_100_Opset17.onnx new file mode 100644 index 000000000..9298cff38 --- /dev/null +++ b/Computer_Vision/rexnet_100_Opset17_timm/rexnet_100_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:29b81940e04f7dcc4858228b964a039d97217c09e1dcd0aa9bbf7012696fb619 +size 19169569 diff --git a/Computer_Vision/rexnet_100_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/rexnet_100_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d67b1e438 --- /dev/null +++ b/Computer_Vision/rexnet_100_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.6246473789215088 + set_success: 0.016030550003051758 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/rexnet_100_timm_66726edb/onnx/rexnet_100_timm_66726edb-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/rexnet_100.py +class: RexNet +hash: 1baa283b +model_name: rexnet_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 18720.3145 +onnx_ops_counter: + Add: 11 + Clip: 16 + Concat: 11 + Constant: 120 + Conv: 75 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 30 + ReduceMean: 13 + Relu: 13 + Sigmoid: 30 + Slice: 22 +parameters: 4796873 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/rexnet_130_Opset16_timm/rexnet_130_Opset16.onnx b/Computer_Vision/rexnet_130_Opset16_timm/rexnet_130_Opset16.onnx new file mode 100644 index 000000000..dcb863026 --- /dev/null +++ b/Computer_Vision/rexnet_130_Opset16_timm/rexnet_130_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d5dcd9fbdb6d13189ef8cbfd47705a2da0bb3ce586184d8a99dde75da245671 +size 30184769 diff --git a/Computer_Vision/rexnet_130_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/rexnet_130_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..819d8a140 --- /dev/null +++ b/Computer_Vision/rexnet_130_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7514686584472656 + set_success: 0.018747568130493164 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/rexnet_130_timm_7a6f0b1c/onnx/rexnet_130_timm_7a6f0b1c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/rexnet_130.py +class: RexNet +hash: 8468a310 +model_name: rexnet_130 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 29477.3457 +onnx_ops_counter: + Add: 11 + Clip: 16 + Concat: 11 + Constant: 120 + Conv: 75 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 30 + ReduceMean: 13 + Relu: 13 + Sigmoid: 30 + Slice: 22 +parameters: 7557091 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/rexnet_130_Opset17_timm/rexnet_130_Opset17.onnx b/Computer_Vision/rexnet_130_Opset17_timm/rexnet_130_Opset17.onnx new file mode 100644 index 000000000..b7547e058 --- /dev/null +++ b/Computer_Vision/rexnet_130_Opset17_timm/rexnet_130_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6bf10357cc80efece5e0dd299b6cd71ff6f42f9da0c858513fa23e1387082205 +size 30184769 diff --git a/Computer_Vision/rexnet_130_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/rexnet_130_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..04b401293 --- /dev/null +++ b/Computer_Vision/rexnet_130_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7699666023254395 + set_success: 0.019868135452270508 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/rexnet_130_timm_7a6f0b1c/onnx/rexnet_130_timm_7a6f0b1c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/rexnet_130.py +class: RexNet +hash: 8468a310 +model_name: rexnet_130 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 29477.3457 +onnx_ops_counter: + Add: 11 + Clip: 16 + Concat: 11 + Constant: 120 + Conv: 75 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 30 + ReduceMean: 13 + Relu: 13 + Sigmoid: 30 + Slice: 22 +parameters: 7557091 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/rexnet_150_Opset16_timm/rexnet_150_Opset16.onnx b/Computer_Vision/rexnet_150_Opset16_timm/rexnet_150_Opset16.onnx new file mode 100644 index 000000000..a05e6144a --- /dev/null +++ b/Computer_Vision/rexnet_150_Opset16_timm/rexnet_150_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:516ef16956b2740b2aa16df6b02eab91ecd1a647ddf74ef78eca40f7d7ceaec7 +size 38853700 diff --git a/Computer_Vision/rexnet_150_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/rexnet_150_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9250fc9b2 --- /dev/null +++ b/Computer_Vision/rexnet_150_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8748204708099365 + set_success: 0.017212867736816406 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/rexnet_150_timm_41d29802/onnx/rexnet_150_timm_41d29802-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/rexnet_150.py +class: RexNet +hash: 53c804c0 +model_name: rexnet_150 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 37943.0986 +onnx_ops_counter: + Add: 11 + Clip: 16 + Concat: 11 + Constant: 120 + Conv: 75 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 30 + ReduceMean: 13 + Relu: 13 + Sigmoid: 30 + Slice: 22 +parameters: 9728593 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/rexnet_150_Opset17_timm/rexnet_150_Opset17.onnx b/Computer_Vision/rexnet_150_Opset17_timm/rexnet_150_Opset17.onnx new file mode 100644 index 000000000..0af97c97d --- /dev/null +++ b/Computer_Vision/rexnet_150_Opset17_timm/rexnet_150_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d935369a19de43a6970c7b701873056a6901b505eea901a75400212dd24a33fa +size 38853700 diff --git a/Computer_Vision/rexnet_150_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/rexnet_150_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ad74fb5ea --- /dev/null +++ b/Computer_Vision/rexnet_150_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.900613784790039 + set_success: 0.016706228256225586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/rexnet_150_timm_41d29802/onnx/rexnet_150_timm_41d29802-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/rexnet_150.py +class: RexNet +hash: 53c804c0 +model_name: rexnet_150 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 37943.0986 +onnx_ops_counter: + Add: 11 + Clip: 16 + Concat: 11 + Constant: 120 + Conv: 75 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 30 + ReduceMean: 13 + Relu: 13 + Sigmoid: 30 + Slice: 22 +parameters: 9728593 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/rexnet_200_Opset16_timm/rexnet_200_Opset16.onnx b/Computer_Vision/rexnet_200_Opset16_timm/rexnet_200_Opset16.onnx new file mode 100644 index 000000000..c1f070d1f --- /dev/null +++ b/Computer_Vision/rexnet_200_Opset16_timm/rexnet_200_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35aad13af2dcb529be2e387d61fddc576dfb25c4eaf90f196ec19f6ea027fc7b +size 65363107 diff --git a/Computer_Vision/rexnet_200_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/rexnet_200_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d07b52b77 --- /dev/null +++ b/Computer_Vision/rexnet_200_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.404663324356079 + set_success: 0.0167083740234375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/rexnet_200_timm_2aba3936/onnx/rexnet_200_timm_2aba3936-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/rexnet_200.py +class: RexNet +hash: 9c2215d3 +model_name: rexnet_200 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 63831.1914 +onnx_ops_counter: + Add: 11 + Clip: 16 + Concat: 11 + Constant: 120 + Conv: 75 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 30 + ReduceMean: 13 + Relu: 13 + Sigmoid: 30 + Slice: 22 +parameters: 16366620 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/rexnet_200_Opset17_timm/rexnet_200_Opset17.onnx b/Computer_Vision/rexnet_200_Opset17_timm/rexnet_200_Opset17.onnx new file mode 100644 index 000000000..8e3b2aeff --- /dev/null +++ b/Computer_Vision/rexnet_200_Opset17_timm/rexnet_200_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3ed68dd77d2fe281f1ba0d584c82be89cb0148e4de6c1ced18c4a39648c709e +size 65363107 diff --git a/Computer_Vision/rexnet_200_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/rexnet_200_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c6996e0e4 --- /dev/null +++ b/Computer_Vision/rexnet_200_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.380178213119507 + set_success: 0.01884603500366211 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/rexnet_200_timm_2aba3936/onnx/rexnet_200_timm_2aba3936-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/rexnet_200.py +class: RexNet +hash: 9c2215d3 +model_name: rexnet_200 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 63831.1914 +onnx_ops_counter: + Add: 11 + Clip: 16 + Concat: 11 + Constant: 120 + Conv: 75 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 30 + ReduceMean: 13 + Relu: 13 + Sigmoid: 30 + Slice: 22 +parameters: 16366620 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/rexnetr_200_Opset16_timm/rexnetr_200_Opset16.onnx b/Computer_Vision/rexnetr_200_Opset16_timm/rexnetr_200_Opset16.onnx new file mode 100644 index 000000000..a26b6d2a7 --- /dev/null +++ b/Computer_Vision/rexnetr_200_Opset16_timm/rexnetr_200_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cc74eb6742a459f07987147f3090a2fa4212b99fb2d9ad0db8f1a019c89296af +size 65985315 diff --git a/Computer_Vision/rexnetr_200_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/rexnetr_200_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bf5435224 --- /dev/null +++ b/Computer_Vision/rexnetr_200_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.6939315795898438 + set_success: 0.01939225196838379 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/rexnetr_200_timm_16406ca7/onnx/rexnetr_200_timm_16406ca7-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/rexnetr_200.py +class: RexNet +hash: d90c1396 +model_name: rexnetr_200 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 64438.8164 +onnx_ops_counter: + Add: 11 + Clip: 16 + Concat: 11 + Constant: 120 + Conv: 75 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 30 + ReduceMean: 13 + Relu: 13 + Sigmoid: 30 + Slice: 22 +parameters: 16522432 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/rexnetr_200_Opset17_timm/rexnetr_200_Opset17.onnx b/Computer_Vision/rexnetr_200_Opset17_timm/rexnetr_200_Opset17.onnx new file mode 100644 index 000000000..a7b97d899 --- /dev/null +++ b/Computer_Vision/rexnetr_200_Opset17_timm/rexnetr_200_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e2a53a68896ce5c6769a6320aedacf9b546a0b32872a68f74c8eabfdaa91132 +size 65985315 diff --git a/Computer_Vision/rexnetr_200_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/rexnetr_200_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..46cd9bba9 --- /dev/null +++ b/Computer_Vision/rexnetr_200_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.2036292552948 + set_success: 0.01717352867126465 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/rexnetr_200_timm_16406ca7/onnx/rexnetr_200_timm_16406ca7-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/rexnetr_200.py +class: RexNet +hash: d90c1396 +model_name: rexnetr_200 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 64438.8164 +onnx_ops_counter: + Add: 11 + Clip: 16 + Concat: 11 + Constant: 120 + Conv: 75 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 30 + ReduceMean: 13 + Relu: 13 + Sigmoid: 30 + Slice: 22 +parameters: 16522432 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/sebotnet33ts_256_Opset16_timm/sebotnet33ts_256_Opset16.onnx b/Computer_Vision/sebotnet33ts_256_Opset16_timm/sebotnet33ts_256_Opset16.onnx new file mode 100644 index 000000000..9dd1911a3 --- /dev/null +++ b/Computer_Vision/sebotnet33ts_256_Opset16_timm/sebotnet33ts_256_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:600830875285b859c202d807bedaaeafa19da5024cbbe884541f3ad953a3f7ca +size 54927254 diff --git a/Computer_Vision/sebotnet33ts_256_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/sebotnet33ts_256_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e5affc126 --- /dev/null +++ b/Computer_Vision/sebotnet33ts_256_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.6154158115386963 + set_success: 0.018520355224609375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/sebotnet33ts_256_timm_9b083bd4/onnx/sebotnet33ts_256_timm_9b083bd4-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/sebotnet33ts_256.py +class: ByobNet +hash: 120807c1 +model_name: sebotnet33ts_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 53639.9287 +onnx_ops_counter: + Add: 18 + AveragePool: 1 + BatchNormalization: 4 + Cast: 16 + Concat: 16 + Constant: 271 + ConstantOfShape: 24 + Conv: 50 + Equal: 8 + Expand: 8 + Flatten: 9 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 16 + Mul: 52 + Pad: 16 + ReduceMean: 6 + Relu: 6 + Reshape: 80 + Sigmoid: 40 + Slice: 32 + Softmax: 4 + Split: 4 + Transpose: 40 + Where: 8 +parameters: 13701984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/sebotnet33ts_256_Opset17_timm/sebotnet33ts_256_Opset17.onnx b/Computer_Vision/sebotnet33ts_256_Opset17_timm/sebotnet33ts_256_Opset17.onnx new file mode 100644 index 000000000..6768a9acb --- /dev/null +++ b/Computer_Vision/sebotnet33ts_256_Opset17_timm/sebotnet33ts_256_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7ea120de54b8554fd7d418f77c209cd3c825a3d67de18b7393adab53d9f987c4 +size 54927254 diff --git a/Computer_Vision/sebotnet33ts_256_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/sebotnet33ts_256_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d531f98a0 --- /dev/null +++ b/Computer_Vision/sebotnet33ts_256_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.480740785598755 + set_success: 0.01723003387451172 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/sebotnet33ts_256_timm_9b083bd4/onnx/sebotnet33ts_256_timm_9b083bd4-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/sebotnet33ts_256.py +class: ByobNet +hash: 120807c1 +model_name: sebotnet33ts_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 53639.9287 +onnx_ops_counter: + Add: 18 + AveragePool: 1 + BatchNormalization: 4 + Cast: 16 + Concat: 16 + Constant: 271 + ConstantOfShape: 24 + Conv: 50 + Equal: 8 + Expand: 8 + Flatten: 9 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 16 + Mul: 52 + Pad: 16 + ReduceMean: 6 + Relu: 6 + Reshape: 80 + Sigmoid: 40 + Slice: 32 + Softmax: 4 + Split: 4 + Transpose: 40 + Where: 8 +parameters: 13701984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/selecsls42b_Opset16_timm/selecsls42b_Opset16.onnx b/Computer_Vision/selecsls42b_Opset16_timm/selecsls42b_Opset16.onnx new file mode 100644 index 000000000..8e1ac3499 --- /dev/null +++ b/Computer_Vision/selecsls42b_Opset16_timm/selecsls42b_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b5b320fe1d3c795a874666d4d964b52d98e896d4cf28b2fc9e87a0326fbff97 +size 129815303 diff --git a/Computer_Vision/selecsls42b_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/selecsls42b_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1f9a2e843 --- /dev/null +++ b/Computer_Vision/selecsls42b_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7474725246429443 + set_success: 0.01581287384033203 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/selecsls42b_timm_55482e80/onnx/selecsls42b_timm_55482e80-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/selecsls42b.py +class: SelecSls +hash: 4b20c1aa +model_name: selecsls42b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 126772.7891 +onnx_ops_counter: + Concat: 6 + Conv: 41 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 41 +parameters: 32458248 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/selecsls42b_Opset17_timm/selecsls42b_Opset17.onnx b/Computer_Vision/selecsls42b_Opset17_timm/selecsls42b_Opset17.onnx new file mode 100644 index 000000000..65be06965 --- /dev/null +++ b/Computer_Vision/selecsls42b_Opset17_timm/selecsls42b_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:240f23d50938ef3b5d05de6003519170c42e0456a6ec95afc72a9e3873f41d4c +size 129815303 diff --git a/Computer_Vision/selecsls42b_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/selecsls42b_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..10795ad9f --- /dev/null +++ b/Computer_Vision/selecsls42b_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.686915636062622 + set_success: 0.015905380249023438 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/selecsls42b_timm_55482e80/onnx/selecsls42b_timm_55482e80-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/selecsls42b.py +class: SelecSls +hash: 4b20c1aa +model_name: selecsls42b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 126772.7891 +onnx_ops_counter: + Concat: 6 + Conv: 41 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 41 +parameters: 32458248 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/selecsls42b_Opset18_timm/selecsls42b_Opset18.onnx b/Computer_Vision/selecsls42b_Opset18_timm/selecsls42b_Opset18.onnx new file mode 100644 index 000000000..c36ebd462 --- /dev/null +++ b/Computer_Vision/selecsls42b_Opset18_timm/selecsls42b_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:731eec4e6fa8c092c532b2f229b068c08b1f828be79f2602579f387a7e2f9ec4 +size 129815303 diff --git a/Computer_Vision/selecsls42b_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/selecsls42b_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0fd2f4910 --- /dev/null +++ b/Computer_Vision/selecsls42b_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7502539157867432 + set_success: 0.015964508056640625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/selecsls42b_timm_55482e80/onnx/selecsls42b_timm_55482e80-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/selecsls42b.py +class: SelecSls +hash: 4b20c1aa +model_name: selecsls42b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 126772.7891 +onnx_ops_counter: + Concat: 6 + Conv: 41 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 41 +parameters: 32458248 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/selecsls60_Opset16_timm/selecsls60_Opset16.onnx b/Computer_Vision/selecsls60_Opset16_timm/selecsls60_Opset16.onnx new file mode 100644 index 000000000..43fe0b2b6 --- /dev/null +++ b/Computer_Vision/selecsls60_Opset16_timm/selecsls60_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e9aab5c1b2707d217bf8bc4078b8ae4f66032983decd3d5e89245b285f5dd44 +size 122663165 diff --git a/Computer_Vision/selecsls60_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/selecsls60_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..964692a82 --- /dev/null +++ b/Computer_Vision/selecsls60_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.893479824066162 + set_success: 0.015733957290649414 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/selecsls60_timm_a6c81aa3/onnx/selecsls60_timm_a6c81aa3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/selecsls60.py +class: SelecSls +hash: 9bee7142 +model_name: selecsls60 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 119788.2793 +onnx_ops_counter: + Concat: 9 + Conv: 59 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 59 +parameters: 30670768 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/selecsls60_Opset17_timm/selecsls60_Opset17.onnx b/Computer_Vision/selecsls60_Opset17_timm/selecsls60_Opset17.onnx new file mode 100644 index 000000000..f2f96ed7e --- /dev/null +++ b/Computer_Vision/selecsls60_Opset17_timm/selecsls60_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d260191c75b439b6476d2b19abb9cb84f373d831db857a515893500ed6d95298 +size 122663165 diff --git a/Computer_Vision/selecsls60_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/selecsls60_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..74021d147 --- /dev/null +++ b/Computer_Vision/selecsls60_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8360943794250488 + set_success: 0.014784097671508789 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/selecsls60_timm_a6c81aa3/onnx/selecsls60_timm_a6c81aa3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/selecsls60.py +class: SelecSls +hash: 9bee7142 +model_name: selecsls60 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 119788.2793 +onnx_ops_counter: + Concat: 9 + Conv: 59 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 59 +parameters: 30670768 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/selecsls60_Opset18_timm/selecsls60_Opset18.onnx b/Computer_Vision/selecsls60_Opset18_timm/selecsls60_Opset18.onnx new file mode 100644 index 000000000..4c213e405 --- /dev/null +++ b/Computer_Vision/selecsls60_Opset18_timm/selecsls60_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:926d2f4aa1fb1cb00fbe2a9883dd9642e2e02bf688faeb64c72e74947c4125a3 +size 122663165 diff --git a/Computer_Vision/selecsls60_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/selecsls60_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..18e2fde1f --- /dev/null +++ b/Computer_Vision/selecsls60_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9257631301879883 + set_success: 0.017039775848388672 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/selecsls60_timm_a6c81aa3/onnx/selecsls60_timm_a6c81aa3-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/selecsls60.py +class: SelecSls +hash: 9bee7142 +model_name: selecsls60 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 119788.2793 +onnx_ops_counter: + Concat: 9 + Conv: 59 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 59 +parameters: 30670768 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/selecsls60b_Opset16_timm/selecsls60b_Opset16.onnx b/Computer_Vision/selecsls60b_Opset16_timm/selecsls60b_Opset16.onnx new file mode 100644 index 000000000..bfb0ab935 --- /dev/null +++ b/Computer_Vision/selecsls60b_Opset16_timm/selecsls60b_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a506a5dd4ddfd2432fb661a3a8b4efa424a9af43253f51cbfbffba1bc523a0d +size 131076349 diff --git a/Computer_Vision/selecsls60b_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/selecsls60b_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d6d938aa3 --- /dev/null +++ b/Computer_Vision/selecsls60b_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9697911739349365 + set_success: 0.01657843589782715 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/selecsls60b_timm_1a813d3e/onnx/selecsls60b_timm_1a813d3e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/selecsls60b.py +class: SelecSls +hash: eb61f330 +model_name: selecsls60b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 128004.2793 +onnx_ops_counter: + Concat: 9 + Conv: 59 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 59 +parameters: 32774064 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/selecsls60b_Opset17_timm/selecsls60b_Opset17.onnx b/Computer_Vision/selecsls60b_Opset17_timm/selecsls60b_Opset17.onnx new file mode 100644 index 000000000..403ef94a9 --- /dev/null +++ b/Computer_Vision/selecsls60b_Opset17_timm/selecsls60b_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:abdad497c74fca2cb852f13f6060cb1b43d5e3f37100f3ccb35ba87b5edd0c88 +size 131076349 diff --git a/Computer_Vision/selecsls60b_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/selecsls60b_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ab7d81b48 --- /dev/null +++ b/Computer_Vision/selecsls60b_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.90852689743042 + set_success: 0.01662468910217285 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/selecsls60b_timm_1a813d3e/onnx/selecsls60b_timm_1a813d3e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/selecsls60b.py +class: SelecSls +hash: eb61f330 +model_name: selecsls60b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 128004.2793 +onnx_ops_counter: + Concat: 9 + Conv: 59 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 59 +parameters: 32774064 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/selecsls60b_Opset18_timm/selecsls60b_Opset18.onnx b/Computer_Vision/selecsls60b_Opset18_timm/selecsls60b_Opset18.onnx new file mode 100644 index 000000000..bc857f329 --- /dev/null +++ b/Computer_Vision/selecsls60b_Opset18_timm/selecsls60b_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:116f50263e417bafc3e086ed33851645e668c3247a8a89915c8cde19a47925ef +size 131076349 diff --git a/Computer_Vision/selecsls60b_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/selecsls60b_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..79d4ac468 --- /dev/null +++ b/Computer_Vision/selecsls60b_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.033581495285034 + set_success: 0.019258737564086914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/selecsls60b_timm_1a813d3e/onnx/selecsls60b_timm_1a813d3e-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/selecsls60b.py +class: SelecSls +hash: eb61f330 +model_name: selecsls60b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 128004.2793 +onnx_ops_counter: + Concat: 9 + Conv: 59 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 59 +parameters: 32774064 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/semnasnet_075_Opset16_timm/semnasnet_075_Opset16.onnx b/Computer_Vision/semnasnet_075_Opset16_timm/semnasnet_075_Opset16.onnx new file mode 100644 index 000000000..8be32d4ed --- /dev/null +++ b/Computer_Vision/semnasnet_075_Opset16_timm/semnasnet_075_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9768c34bb3bee1e17e9f705950eec329055f273f7286dd26fcb92010a2fef0fd +size 11631381 diff --git a/Computer_Vision/semnasnet_075_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/semnasnet_075_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..425de0a8a --- /dev/null +++ b/Computer_Vision/semnasnet_075_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8757114410400391 + set_success: 0.016685962677001953 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/semnasnet_075_timm_e9e093f7/onnx/semnasnet_075_timm_e9e093f7-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/semnasnet_075.py +class: EfficientNet +hash: b78c4325 +model_name: semnasnet_075 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 11358.8027 +onnx_ops_counter: + Add: 9 + Conv: 65 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 8 + ReduceMean: 8 + Relu: 41 + Sigmoid: 8 +parameters: 2912278 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/semnasnet_075_Opset17_timm/semnasnet_075_Opset17.onnx b/Computer_Vision/semnasnet_075_Opset17_timm/semnasnet_075_Opset17.onnx new file mode 100644 index 000000000..7d54939ed --- /dev/null +++ b/Computer_Vision/semnasnet_075_Opset17_timm/semnasnet_075_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f2488e5c8a08273eae89e4d0d8456e7bb9152037c0ee283696f9000b103933c3 +size 11631381 diff --git a/Computer_Vision/semnasnet_075_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/semnasnet_075_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d79407998 --- /dev/null +++ b/Computer_Vision/semnasnet_075_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8562395572662354 + set_success: 0.014536619186401367 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/semnasnet_075_timm_e9e093f7/onnx/semnasnet_075_timm_e9e093f7-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/semnasnet_075.py +class: EfficientNet +hash: b78c4325 +model_name: semnasnet_075 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 11358.8027 +onnx_ops_counter: + Add: 9 + Conv: 65 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 8 + ReduceMean: 8 + Relu: 41 + Sigmoid: 8 +parameters: 2912278 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/semnasnet_100_Opset16_timm/semnasnet_100_Opset16.onnx b/Computer_Vision/semnasnet_100_Opset16_timm/semnasnet_100_Opset16.onnx new file mode 100644 index 000000000..cd24411b5 --- /dev/null +++ b/Computer_Vision/semnasnet_100_Opset16_timm/semnasnet_100_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:92fd5f544293a5bba6028451c90e86602f481634db02d5e94253b541b938d812 +size 15517142 diff --git a/Computer_Vision/semnasnet_100_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/semnasnet_100_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a6d633c43 --- /dev/null +++ b/Computer_Vision/semnasnet_100_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9528026580810547 + set_success: 0.016510486602783203 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/semnasnet_100_timm_f720e9d0/onnx/semnasnet_100_timm_f720e9d0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/semnasnet_100.py +class: EfficientNet +hash: e1760261 +model_name: semnasnet_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 15153.4912 +onnx_ops_counter: + Add: 9 + Conv: 65 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 8 + ReduceMean: 8 + Relu: 41 + Sigmoid: 8 +parameters: 3887038 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/semnasnet_100_Opset17_timm/semnasnet_100_Opset17.onnx b/Computer_Vision/semnasnet_100_Opset17_timm/semnasnet_100_Opset17.onnx new file mode 100644 index 000000000..9aed9a2f0 --- /dev/null +++ b/Computer_Vision/semnasnet_100_Opset17_timm/semnasnet_100_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c305936ae21043ad12b82013ac78e61ca919ee5990ba07cfe4c788009a2cb3dc +size 15517142 diff --git a/Computer_Vision/semnasnet_100_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/semnasnet_100_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..dfecbd459 --- /dev/null +++ b/Computer_Vision/semnasnet_100_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.930628776550293 + set_success: 0.014966964721679688 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/semnasnet_100_timm_f720e9d0/onnx/semnasnet_100_timm_f720e9d0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/semnasnet_100.py +class: EfficientNet +hash: e1760261 +model_name: semnasnet_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 15153.4912 +onnx_ops_counter: + Add: 9 + Conv: 65 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 8 + ReduceMean: 8 + Relu: 41 + Sigmoid: 8 +parameters: 3887038 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/senet154_Opset16_timm/senet154_Opset16.onnx b/Computer_Vision/senet154_Opset16_timm/senet154_Opset16.onnx new file mode 100644 index 000000000..6505b44c3 --- /dev/null +++ b/Computer_Vision/senet154_Opset16_timm/senet154_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a3687b2c746272579846174cb501fa5bb3fc8213d2dd9b52458fdebbae45b8e0 +size 459995046 diff --git a/Computer_Vision/senet154_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/senet154_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7fbd3301e --- /dev/null +++ b/Computer_Vision/senet154_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.426382064819336 + set_success: 0.02143096923828125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/senet154_timm_89f185c7/onnx/senet154_timm_89f185c7-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/senet154.py +class: ResNet +hash: 410722aa +model_name: senet154 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 449213.9443 +onnx_ops_counter: + Add: 50 + Conv: 257 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 50 + ReduceMean: 50 + Relu: 203 + Sigmoid: 50 +parameters: 115088984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/senet154_Opset17_timm/senet154_Opset17.onnx b/Computer_Vision/senet154_Opset17_timm/senet154_Opset17.onnx new file mode 100644 index 000000000..fb40fd7e8 --- /dev/null +++ b/Computer_Vision/senet154_Opset17_timm/senet154_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5eaf50eba24ca9fd9c99ed501de9b5b861a796123711f4f15a2d05f7f3fb120e +size 459995046 diff --git a/Computer_Vision/senet154_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/senet154_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4ed95efb7 --- /dev/null +++ b/Computer_Vision/senet154_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.824265956878662 + set_success: 0.021886825561523438 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/senet154_timm_89f185c7/onnx/senet154_timm_89f185c7-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/senet154.py +class: ResNet +hash: 410722aa +model_name: senet154 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 449213.9443 +onnx_ops_counter: + Add: 50 + Conv: 257 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 50 + ReduceMean: 50 + Relu: 203 + Sigmoid: 50 +parameters: 115088984 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/sequencer2d_l_Opset16_timm/sequencer2d_l_Opset16.onnx b/Computer_Vision/sequencer2d_l_Opset16_timm/sequencer2d_l_Opset16.onnx new file mode 100644 index 000000000..3b088eb83 --- /dev/null +++ b/Computer_Vision/sequencer2d_l_Opset16_timm/sequencer2d_l_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:940db5c9ace19f0fdbc5192edc84fd87d6433057ff97a4d923fed425f503d449 +size 218850883 diff --git a/Computer_Vision/sequencer2d_l_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/sequencer2d_l_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..40b15e630 --- /dev/null +++ b/Computer_Vision/sequencer2d_l_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 35.93653631210327 + set_success: 0.02437877655029297 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/sequencer2d_l_timm_67e5fdfd/onnx/sequencer2d_l_timm_67e5fdfd-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/sequencer2d_l.py +class: Sequencer2d +hash: 9fe3c156 +model_name: sequencer2d_l +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 213721.5977 +onnx_ops_counter: + Add: 362 + Concat: 180 + Constant: 1118 + Conv: 4 + Div: 109 + Erf: 36 + Expand: 144 + Gather: 144 + Gemm: 1 + LSTM: 72 + MatMul: 108 + Mul: 145 + Pow: 73 + ReduceMean: 147 + Reshape: 216 + Shape: 144 + Sqrt: 73 + Sub: 73 + Transpose: 295 + Unsqueeze: 144 +parameters: 54298216 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/sequencer2d_l_Opset17_timm/sequencer2d_l_Opset17.onnx b/Computer_Vision/sequencer2d_l_Opset17_timm/sequencer2d_l_Opset17.onnx new file mode 100644 index 000000000..77346e4c8 --- /dev/null +++ b/Computer_Vision/sequencer2d_l_Opset17_timm/sequencer2d_l_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e52c817a02043743966ccb4c4d8a0138fdb869b4894fe44551d84ac3c4126459 +size 218721581 diff --git a/Computer_Vision/sequencer2d_l_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/sequencer2d_l_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..20640f12d --- /dev/null +++ b/Computer_Vision/sequencer2d_l_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,211 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 36.02442693710327 + set_success: 0.029596805572509766 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/sequencer2d_l_timm_67e5fdfd/onnx/sequencer2d_l_timm_67e5fdfd-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/sequencer2d_l.py +class: Sequencer2d +hash: 9fe3c156 +model_name: sequencer2d_l +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 213595.3262 +onnx_ops_counter: + Add: 216 + Concat: 180 + Constant: 972 + Conv: 4 + Div: 36 + Erf: 36 + Expand: 144 + Gather: 144 + Gemm: 1 + LSTM: 72 + LayerNormalization: 73 + MatMul: 108 + Mul: 72 + ReduceMean: 1 + Reshape: 216 + Shape: 144 + Transpose: 295 + Unsqueeze: 144 +parameters: 54298216 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/sequencer2d_m_Opset16_timm/sequencer2d_m_Opset16.onnx b/Computer_Vision/sequencer2d_m_Opset16_timm/sequencer2d_m_Opset16.onnx new file mode 100644 index 000000000..754033128 --- /dev/null +++ b/Computer_Vision/sequencer2d_m_Opset16_timm/sequencer2d_m_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5936317d08655bd11bc8906a2fb14b85bf5cc86742f520c855cd4fdb739a9aea +size 154337221 diff --git a/Computer_Vision/sequencer2d_m_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/sequencer2d_m_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f037fa498 --- /dev/null +++ b/Computer_Vision/sequencer2d_m_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.10698413848877 + set_success: 0.021035194396972656 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/sequencer2d_m_timm_d52abf3f/onnx/sequencer2d_m_timm_d52abf3f-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/sequencer2d_m.py +class: Sequencer2d +hash: dc1902cf +model_name: sequencer2d_m +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 150719.9746 +onnx_ops_counter: + Add: 242 + Concat: 120 + Constant: 746 + Conv: 4 + Div: 73 + Erf: 24 + Expand: 96 + Gather: 96 + Gemm: 1 + LSTM: 48 + MatMul: 72 + Mul: 97 + Pow: 49 + ReduceMean: 99 + Reshape: 144 + Shape: 96 + Sqrt: 49 + Sub: 49 + Transpose: 199 + Unsqueeze: 96 +parameters: 38307688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/sequencer2d_m_Opset17_timm/sequencer2d_m_Opset17.onnx b/Computer_Vision/sequencer2d_m_Opset17_timm/sequencer2d_m_Opset17.onnx new file mode 100644 index 000000000..1fc340905 --- /dev/null +++ b/Computer_Vision/sequencer2d_m_Opset17_timm/sequencer2d_m_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b2b6de15bcdf88e78aa0e118d0dd696fbd8685a62aa973edd8594e8f98abff7d +size 154250673 diff --git a/Computer_Vision/sequencer2d_m_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/sequencer2d_m_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f6f2473b5 --- /dev/null +++ b/Computer_Vision/sequencer2d_m_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,211 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.890962839126587 + set_success: 0.024053096771240234 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/sequencer2d_m_timm_d52abf3f/onnx/sequencer2d_m_timm_d52abf3f-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/sequencer2d_m.py +class: Sequencer2d +hash: dc1902cf +model_name: sequencer2d_m +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 150635.4551 +onnx_ops_counter: + Add: 144 + Concat: 120 + Constant: 648 + Conv: 4 + Div: 24 + Erf: 24 + Expand: 96 + Gather: 96 + Gemm: 1 + LSTM: 48 + LayerNormalization: 49 + MatMul: 72 + Mul: 48 + ReduceMean: 1 + Reshape: 144 + Shape: 96 + Transpose: 199 + Unsqueeze: 96 +parameters: 38307688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/sequencer2d_s_Opset16_timm/sequencer2d_s_Opset16.onnx b/Computer_Vision/sequencer2d_s_Opset16_timm/sequencer2d_s_Opset16.onnx new file mode 100644 index 000000000..1cab22b7a --- /dev/null +++ b/Computer_Vision/sequencer2d_s_Opset16_timm/sequencer2d_s_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:17492751ba0bf4735005edf7fdd30783d4479a8d00c6b4c329d32cfc2c3d541f +size 111436211 diff --git a/Computer_Vision/sequencer2d_s_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/sequencer2d_s_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d9507c4be --- /dev/null +++ b/Computer_Vision/sequencer2d_s_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.490215063095093 + set_success: 0.020326852798461914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/sequencer2d_s_timm_bf27b302/onnx/sequencer2d_s_timm_bf27b302-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/sequencer2d_s.py +class: Sequencer2d +hash: 50ffb806 +model_name: sequencer2d_s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 108824.457 +onnx_ops_counter: + Add: 182 + Concat: 90 + Constant: 560 + Conv: 4 + Div: 55 + Erf: 18 + Expand: 72 + Gather: 72 + Gemm: 1 + LSTM: 36 + MatMul: 54 + Mul: 73 + Pow: 37 + ReduceMean: 75 + Reshape: 108 + Shape: 72 + Sqrt: 37 + Sub: 37 + Transpose: 151 + Unsqueeze: 72 +parameters: 27651688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/sequencer2d_s_Opset17_timm/sequencer2d_s_Opset17.onnx b/Computer_Vision/sequencer2d_s_Opset17_timm/sequencer2d_s_Opset17.onnx new file mode 100644 index 000000000..c868dc300 --- /dev/null +++ b/Computer_Vision/sequencer2d_s_Opset17_timm/sequencer2d_s_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9cb466b24e82747646656d48fb23f90d45eb6f35f9f6844110ae8e1ea6dc9d3a +size 111371374 diff --git a/Computer_Vision/sequencer2d_s_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/sequencer2d_s_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2e45ada33 --- /dev/null +++ b/Computer_Vision/sequencer2d_s_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,211 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.828638792037964 + set_success: 0.01950383186340332 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/sequencer2d_s_timm_bf27b302/onnx/sequencer2d_s_timm_bf27b302-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/sequencer2d_s.py +class: Sequencer2d +hash: 50ffb806 +model_name: sequencer2d_s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 108761.1396 +onnx_ops_counter: + Add: 108 + Concat: 90 + Constant: 486 + Conv: 4 + Div: 18 + Erf: 18 + Expand: 72 + Gather: 72 + Gemm: 1 + LSTM: 36 + LayerNormalization: 37 + MatMul: 54 + Mul: 36 + ReduceMean: 1 + Reshape: 108 + Shape: 72 + Transpose: 151 + Unsqueeze: 72 +parameters: 27651688 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/seresnet152d_Opset16_timm/seresnet152d_Opset16.onnx b/Computer_Vision/seresnet152d_Opset16_timm/seresnet152d_Opset16.onnx new file mode 100644 index 000000000..c7d25254c --- /dev/null +++ b/Computer_Vision/seresnet152d_Opset16_timm/seresnet152d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c98d71d01bfd4de5541a813628bfcf6c54f3240b19c04d58d6d8e1bc6d5ed0f9 +size 267196291 diff --git a/Computer_Vision/seresnet152d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/seresnet152d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..99a85f194 --- /dev/null +++ b/Computer_Vision/seresnet152d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.628928184509277 + set_success: 0.0207216739654541 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/seresnet152d_timm_59a16313/onnx/seresnet152d_timm_59a16313-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/seresnet152d.py +class: ResNet +hash: 1779c87b +model_name: seresnet152d +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 260933.9102 +onnx_ops_counter: + Add: 50 + AveragePool: 3 + Conv: 257 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 50 + ReduceMean: 50 + Relu: 203 + Sigmoid: 50 +parameters: 66841080 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/seresnet152d_Opset17_timm/seresnet152d_Opset17.onnx b/Computer_Vision/seresnet152d_Opset17_timm/seresnet152d_Opset17.onnx new file mode 100644 index 000000000..a3febb9e0 --- /dev/null +++ b/Computer_Vision/seresnet152d_Opset17_timm/seresnet152d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee3223692c96c554339016a298c4d9bc707a41a6bfdd8774c4819cd0610eda98 +size 267196291 diff --git a/Computer_Vision/seresnet152d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/seresnet152d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..de3916b70 --- /dev/null +++ b/Computer_Vision/seresnet152d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.59929084777832 + set_success: 0.020015239715576172 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/seresnet152d_timm_59a16313/onnx/seresnet152d_timm_59a16313-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/seresnet152d.py +class: ResNet +hash: 1779c87b +model_name: seresnet152d +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 260933.9102 +onnx_ops_counter: + Add: 50 + AveragePool: 3 + Conv: 257 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 50 + ReduceMean: 50 + Relu: 203 + Sigmoid: 50 +parameters: 66841080 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/seresnet33ts_Opset16_timm/seresnet33ts_Opset16.onnx b/Computer_Vision/seresnet33ts_Opset16_timm/seresnet33ts_Opset16.onnx new file mode 100644 index 000000000..e7cde2050 --- /dev/null +++ b/Computer_Vision/seresnet33ts_Opset16_timm/seresnet33ts_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2410813b77ba0590fe2f472a4add5852db78261cdcb2a1a002c3ba1d8c80cd03 +size 79081004 diff --git a/Computer_Vision/seresnet33ts_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/seresnet33ts_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2891f868e --- /dev/null +++ b/Computer_Vision/seresnet33ts_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.55971097946167 + set_success: 0.016326427459716797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/seresnet33ts_timm_fab1aec9/onnx/seresnet33ts_timm_fab1aec9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/seresnet33ts.py +class: ByobNet +hash: c5ed3d1f +model_name: seresnet33ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 77227.5752 +onnx_ops_counter: + Add: 10 + Conv: 58 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 44 + ReduceMean: 10 + Relu: 10 + Sigmoid: 44 +parameters: 19779200 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/seresnet33ts_Opset17_timm/seresnet33ts_Opset17.onnx b/Computer_Vision/seresnet33ts_Opset17_timm/seresnet33ts_Opset17.onnx new file mode 100644 index 000000000..127811f4b --- /dev/null +++ b/Computer_Vision/seresnet33ts_Opset17_timm/seresnet33ts_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:676fd8f72ec940a5e03966a97878e4fbcb7764f585ad9cd6368bd617590e7a91 +size 79081004 diff --git a/Computer_Vision/seresnet33ts_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/seresnet33ts_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..08b0e7e9c --- /dev/null +++ b/Computer_Vision/seresnet33ts_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,202 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.5254063606262207 + set_success: 0.015759706497192383 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/seresnet33ts_timm_fab1aec9/onnx/seresnet33ts_timm_fab1aec9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/seresnet33ts.py +class: ByobNet +hash: c5ed3d1f +model_name: seresnet33ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 77227.5752 +onnx_ops_counter: + Add: 10 + Conv: 58 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 44 + ReduceMean: 10 + Relu: 10 + Sigmoid: 44 +parameters: 19779200 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/seresnet50_Opset16_timm/seresnet50_Opset16.onnx b/Computer_Vision/seresnet50_Opset16_timm/seresnet50_Opset16.onnx new file mode 100644 index 000000000..beaf710ab --- /dev/null +++ b/Computer_Vision/seresnet50_Opset16_timm/seresnet50_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52f28db18553b143c63d6ee755fe52b6e1ab7ce90ac298aa0925a96b98c00f20 +size 112289569 diff --git a/Computer_Vision/seresnet50_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/seresnet50_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..920ed6e08 --- /dev/null +++ b/Computer_Vision/seresnet50_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0903077125549316 + set_success: 0.015993595123291016 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/seresnet50_timm_55d6e127/onnx/seresnet50_timm_55d6e127-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/seresnet50.py +class: ResNet +hash: 05f233b8 +model_name: seresnet50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 109657.8145 +onnx_ops_counter: + Add: 16 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + Relu: 65 + Sigmoid: 16 +parameters: 28088024 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/seresnet50_Opset17_timm/seresnet50_Opset17.onnx b/Computer_Vision/seresnet50_Opset17_timm/seresnet50_Opset17.onnx new file mode 100644 index 000000000..f1f9291e7 --- /dev/null +++ b/Computer_Vision/seresnet50_Opset17_timm/seresnet50_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:992b56fba3f88adfc007d3ad40766c4d26dd639cc930d4e1b77f64568c4d529f +size 112289569 diff --git a/Computer_Vision/seresnet50_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/seresnet50_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5c9b9d087 --- /dev/null +++ b/Computer_Vision/seresnet50_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.1529381275177 + set_success: 0.019398212432861328 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/seresnet50_timm_55d6e127/onnx/seresnet50_timm_55d6e127-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/seresnet50.py +class: ResNet +hash: 05f233b8 +model_name: seresnet50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 109657.8145 +onnx_ops_counter: + Add: 16 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + Relu: 65 + Sigmoid: 16 +parameters: 28088024 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/seresnext101_32x4d_Opset16_timm/seresnext101_32x4d_Opset16.onnx b/Computer_Vision/seresnext101_32x4d_Opset16_timm/seresnext101_32x4d_Opset16.onnx new file mode 100644 index 000000000..ab0aa2d73 --- /dev/null +++ b/Computer_Vision/seresnext101_32x4d_Opset16_timm/seresnext101_32x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3ff9e5d2c9d68fc9f78f21ea3f3deb586d66e82ee038c2daf03b867c4883249 +size 195634650 diff --git a/Computer_Vision/seresnext101_32x4d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/seresnext101_32x4d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e3ed5b187 --- /dev/null +++ b/Computer_Vision/seresnext101_32x4d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.129775762557983 + set_success: 0.02072930335998535 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/seresnext101_32x4d_timm_ce3bc806/onnx/seresnext101_32x4d_timm_ce3bc806-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/seresnext101_32x4d.py +class: ResNet +hash: 0917deef +model_name: seresnext101_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 191049.4951 +onnx_ops_counter: + Add: 33 + Conv: 170 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 33 + ReduceMean: 33 + Relu: 133 + Sigmoid: 33 +parameters: 48955416 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/seresnext101_32x4d_Opset17_timm/seresnext101_32x4d_Opset17.onnx b/Computer_Vision/seresnext101_32x4d_Opset17_timm/seresnext101_32x4d_Opset17.onnx new file mode 100644 index 000000000..34678f7df --- /dev/null +++ b/Computer_Vision/seresnext101_32x4d_Opset17_timm/seresnext101_32x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a38543c8da8d6986c6246930913393763f63b1ab9308cbb3df88e06edb7df56 +size 195634650 diff --git a/Computer_Vision/seresnext101_32x4d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/seresnext101_32x4d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..020c93974 --- /dev/null +++ b/Computer_Vision/seresnext101_32x4d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.9049060344696045 + set_success: 0.018328428268432617 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/seresnext101_32x4d_timm_ce3bc806/onnx/seresnext101_32x4d_timm_ce3bc806-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/seresnext101_32x4d.py +class: ResNet +hash: 0917deef +model_name: seresnext101_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 191049.4951 +onnx_ops_counter: + Add: 33 + Conv: 170 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 33 + ReduceMean: 33 + Relu: 133 + Sigmoid: 33 +parameters: 48955416 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/seresnext101_32x8d_Opset16_timm/seresnext101_32x8d_Opset16.onnx b/Computer_Vision/seresnext101_32x8d_Opset16_timm/seresnext101_32x8d_Opset16.onnx new file mode 100644 index 000000000..783ff044d --- /dev/null +++ b/Computer_Vision/seresnext101_32x8d_Opset16_timm/seresnext101_32x8d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:431415b4a185a6d280e7200d003f859f417f05d1d95a21e6364f70b774499202 +size 373959139 diff --git a/Computer_Vision/seresnext101_32x8d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/seresnext101_32x8d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ddc652e26 --- /dev/null +++ b/Computer_Vision/seresnext101_32x8d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.935961723327637 + set_success: 0.022156953811645508 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/seresnext101_32x8d_timm_d70f12a5/onnx/seresnext101_32x8d_timm_d70f12a5-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/seresnext101_32x8d.py +class: ResNet +hash: d934f031 +model_name: seresnext101_32x8d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 365194.5039 +onnx_ops_counter: + Add: 33 + Conv: 170 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 33 + ReduceMean: 33 + Relu: 133 + Sigmoid: 33 +parameters: 93569048 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/seresnext101_32x8d_Opset17_timm/seresnext101_32x8d_Opset17.onnx b/Computer_Vision/seresnext101_32x8d_Opset17_timm/seresnext101_32x8d_Opset17.onnx new file mode 100644 index 000000000..22349bb60 --- /dev/null +++ b/Computer_Vision/seresnext101_32x8d_Opset17_timm/seresnext101_32x8d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2510eed4c8b3660e40c72a764bab5867786cf7f9053039e62e45e8b6bfae27cb +size 373959139 diff --git a/Computer_Vision/seresnext101_32x8d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/seresnext101_32x8d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..70bac80fd --- /dev/null +++ b/Computer_Vision/seresnext101_32x8d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.96739387512207 + set_success: 0.019915342330932617 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/seresnext101_32x8d_timm_d70f12a5/onnx/seresnext101_32x8d_timm_d70f12a5-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/seresnext101_32x8d.py +class: ResNet +hash: d934f031 +model_name: seresnext101_32x8d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 365194.5039 +onnx_ops_counter: + Add: 33 + Conv: 170 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 33 + ReduceMean: 33 + Relu: 133 + Sigmoid: 33 +parameters: 93569048 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/seresnext101d_32x8d_Opset16_timm/seresnext101d_32x8d_Opset16.onnx b/Computer_Vision/seresnext101d_32x8d_Opset16_timm/seresnext101d_32x8d_Opset16.onnx new file mode 100644 index 000000000..3d627c77a --- /dev/null +++ b/Computer_Vision/seresnext101d_32x8d_Opset16_timm/seresnext101d_32x8d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea432894a5423b5ce37ff7eaa880806b4365a709822d69f2b9dcb5663229836b +size 374037471 diff --git a/Computer_Vision/seresnext101d_32x8d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/seresnext101d_32x8d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..502e4e9b3 --- /dev/null +++ b/Computer_Vision/seresnext101d_32x8d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.895632982254028 + set_success: 0.019730329513549805 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/seresnext101d_32x8d_timm_7618de6d/onnx/seresnext101d_32x8d_timm_7618de6d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/seresnext101d_32x8d.py +class: ResNet +hash: 20bb2572 +model_name: seresnext101d_32x8d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 365271.0 +onnx_ops_counter: + Add: 33 + AveragePool: 3 + Conv: 172 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 33 + ReduceMean: 33 + Relu: 135 + Sigmoid: 33 +parameters: 93588280 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/seresnext101d_32x8d_Opset17_timm/seresnext101d_32x8d_Opset17.onnx b/Computer_Vision/seresnext101d_32x8d_Opset17_timm/seresnext101d_32x8d_Opset17.onnx new file mode 100644 index 000000000..0e4de2a34 --- /dev/null +++ b/Computer_Vision/seresnext101d_32x8d_Opset17_timm/seresnext101d_32x8d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09ed46537a67d67fab23fb90d532daf855fc27b02dacdd2403e88d3be286ce4d +size 374037471 diff --git a/Computer_Vision/seresnext101d_32x8d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/seresnext101d_32x8d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1d74bbd1a --- /dev/null +++ b/Computer_Vision/seresnext101d_32x8d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.063436985015869 + set_success: 0.021289348602294922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/seresnext101d_32x8d_timm_7618de6d/onnx/seresnext101d_32x8d_timm_7618de6d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/seresnext101d_32x8d.py +class: ResNet +hash: 20bb2572 +model_name: seresnext101d_32x8d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 365271.0 +onnx_ops_counter: + Add: 33 + AveragePool: 3 + Conv: 172 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 33 + ReduceMean: 33 + Relu: 135 + Sigmoid: 33 +parameters: 93588280 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/seresnext26d_32x4d_Opset16_timm/seresnext26d_32x4d_Opset16.onnx b/Computer_Vision/seresnext26d_32x4d_Opset16_timm/seresnext26d_32x4d_Opset16.onnx new file mode 100644 index 000000000..f9c8b94e9 --- /dev/null +++ b/Computer_Vision/seresnext26d_32x4d_Opset16_timm/seresnext26d_32x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:726c2437120380bc7602a43e32b9ef9fdb69ebf19faea33b962b109c2b6192d5 +size 67185454 diff --git a/Computer_Vision/seresnext26d_32x4d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/seresnext26d_32x4d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e1d24a5f6 --- /dev/null +++ b/Computer_Vision/seresnext26d_32x4d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2332265377044678 + set_success: 0.016139507293701172 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/seresnext26d_32x4d_timm_bf1383fe/onnx/seresnext26d_32x4d_timm_bf1383fe-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/seresnext26d_32x4d.py +class: ResNet +hash: 680ffb53 +model_name: seresnext26d_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 65610.8271 +onnx_ops_counter: + Add: 8 + AveragePool: 3 + Conv: 47 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 8 + ReduceMean: 8 + Relu: 35 + Sigmoid: 8 +parameters: 16809512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/seresnext26d_32x4d_Opset17_timm/seresnext26d_32x4d_Opset17.onnx b/Computer_Vision/seresnext26d_32x4d_Opset17_timm/seresnext26d_32x4d_Opset17.onnx new file mode 100644 index 000000000..5b209f1f1 --- /dev/null +++ b/Computer_Vision/seresnext26d_32x4d_Opset17_timm/seresnext26d_32x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:54e2488b9475b94f72235845426d88451ad3f5a0f99e53a237e0401a766eed89 +size 67185454 diff --git a/Computer_Vision/seresnext26d_32x4d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/seresnext26d_32x4d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cd66d3c33 --- /dev/null +++ b/Computer_Vision/seresnext26d_32x4d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2524075508117676 + set_success: 0.01732158660888672 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/seresnext26d_32x4d_timm_bf1383fe/onnx/seresnext26d_32x4d_timm_bf1383fe-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/seresnext26d_32x4d.py +class: ResNet +hash: 680ffb53 +model_name: seresnext26d_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 65610.8271 +onnx_ops_counter: + Add: 8 + AveragePool: 3 + Conv: 47 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 8 + ReduceMean: 8 + Relu: 35 + Sigmoid: 8 +parameters: 16809512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/seresnext26t_32x4d_Opset16_timm/seresnext26t_32x4d_Opset16.onnx b/Computer_Vision/seresnext26t_32x4d_Opset16_timm/seresnext26t_32x4d_Opset16.onnx new file mode 100644 index 000000000..14c0e3dee --- /dev/null +++ b/Computer_Vision/seresnext26t_32x4d_Opset16_timm/seresnext26t_32x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b7757638c77f88543dd156a00251e8ce2d64bab68bbc96ee6af2c627c3b93e9d +size 67175340 diff --git a/Computer_Vision/seresnext26t_32x4d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/seresnext26t_32x4d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c15a69405 --- /dev/null +++ b/Computer_Vision/seresnext26t_32x4d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.281534194946289 + set_success: 0.01606130599975586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/seresnext26t_32x4d_timm_604ec4cb/onnx/seresnext26t_32x4d_timm_604ec4cb-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/seresnext26t_32x4d.py +class: ResNet +hash: '69455895' +model_name: seresnext26t_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 65600.9502 +onnx_ops_counter: + Add: 8 + AveragePool: 3 + Conv: 47 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 8 + ReduceMean: 8 + Relu: 35 + Sigmoid: 8 +parameters: 16806976 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/seresnext26t_32x4d_Opset17_timm/seresnext26t_32x4d_Opset17.onnx b/Computer_Vision/seresnext26t_32x4d_Opset17_timm/seresnext26t_32x4d_Opset17.onnx new file mode 100644 index 000000000..718da3bdf --- /dev/null +++ b/Computer_Vision/seresnext26t_32x4d_Opset17_timm/seresnext26t_32x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1dd4f966ec76fc7eed1c68a66fafa72e9809360c691f00d4a73e78307d69f723 +size 67175340 diff --git a/Computer_Vision/seresnext26t_32x4d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/seresnext26t_32x4d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4e5139e49 --- /dev/null +++ b/Computer_Vision/seresnext26t_32x4d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2974529266357422 + set_success: 0.016438961029052734 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/seresnext26t_32x4d_timm_604ec4cb/onnx/seresnext26t_32x4d_timm_604ec4cb-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/seresnext26t_32x4d.py +class: ResNet +hash: '69455895' +model_name: seresnext26t_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 65600.9502 +onnx_ops_counter: + Add: 8 + AveragePool: 3 + Conv: 47 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 8 + ReduceMean: 8 + Relu: 35 + Sigmoid: 8 +parameters: 16806976 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/seresnext26tn_32x4d_Opset16_timm/seresnext26tn_32x4d_Opset16.onnx b/Computer_Vision/seresnext26tn_32x4d_Opset16_timm/seresnext26tn_32x4d_Opset16.onnx new file mode 100644 index 000000000..14c0e3dee --- /dev/null +++ b/Computer_Vision/seresnext26tn_32x4d_Opset16_timm/seresnext26tn_32x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b7757638c77f88543dd156a00251e8ce2d64bab68bbc96ee6af2c627c3b93e9d +size 67175340 diff --git a/Computer_Vision/seresnext26tn_32x4d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/seresnext26tn_32x4d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d1cbcd1a9 --- /dev/null +++ b/Computer_Vision/seresnext26tn_32x4d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.588651418685913 + set_success: 0.021637916564941406 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/seresnext26tn_32x4d_timm_604ec4cb/onnx/seresnext26tn_32x4d_timm_604ec4cb-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/seresnext26tn_32x4d.py +class: ResNet +hash: '69455895' +model_name: seresnext26tn_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 65600.9502 +onnx_ops_counter: + Add: 8 + AveragePool: 3 + Conv: 47 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 8 + ReduceMean: 8 + Relu: 35 + Sigmoid: 8 +parameters: 16806976 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/seresnext26tn_32x4d_Opset17_timm/seresnext26tn_32x4d_Opset17.onnx b/Computer_Vision/seresnext26tn_32x4d_Opset17_timm/seresnext26tn_32x4d_Opset17.onnx new file mode 100644 index 000000000..718da3bdf --- /dev/null +++ b/Computer_Vision/seresnext26tn_32x4d_Opset17_timm/seresnext26tn_32x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1dd4f966ec76fc7eed1c68a66fafa72e9809360c691f00d4a73e78307d69f723 +size 67175340 diff --git a/Computer_Vision/seresnext26tn_32x4d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/seresnext26tn_32x4d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..67799f112 --- /dev/null +++ b/Computer_Vision/seresnext26tn_32x4d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2934064865112305 + set_success: 0.019744396209716797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/seresnext26tn_32x4d_timm_604ec4cb/onnx/seresnext26tn_32x4d_timm_604ec4cb-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/seresnext26tn_32x4d.py +class: ResNet +hash: '69455895' +model_name: seresnext26tn_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 65600.9502 +onnx_ops_counter: + Add: 8 + AveragePool: 3 + Conv: 47 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 8 + ReduceMean: 8 + Relu: 35 + Sigmoid: 8 +parameters: 16806976 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/seresnext26ts_Opset16_timm/seresnext26ts_Opset16.onnx b/Computer_Vision/seresnext26ts_Opset16_timm/seresnext26ts_Opset16.onnx new file mode 100644 index 000000000..80a6667c9 --- /dev/null +++ b/Computer_Vision/seresnext26ts_Opset16_timm/seresnext26ts_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae2a93c696a0bcafac47e83f5b62e85ae57d2cc22d3c274b944f70946827e423 +size 41525593 diff --git a/Computer_Vision/seresnext26ts_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/seresnext26ts_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e8ee1ab75 --- /dev/null +++ b/Computer_Vision/seresnext26ts_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2964627742767334 + set_success: 0.016411781311035156 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/seresnext26ts_timm_81465bff/onnx/seresnext26ts_timm_81465bff-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/seresnext26ts.py +class: ByobNet +hash: d50a34ad +model_name: seresnext26ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 40552.3691 +onnx_ops_counter: + Add: 8 + Conv: 47 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 35 + ReduceMean: 8 + Relu: 8 + Sigmoid: 35 +parameters: 10388064 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/seresnext26ts_Opset17_timm/seresnext26ts_Opset17.onnx b/Computer_Vision/seresnext26ts_Opset17_timm/seresnext26ts_Opset17.onnx new file mode 100644 index 000000000..02a82f183 --- /dev/null +++ b/Computer_Vision/seresnext26ts_Opset17_timm/seresnext26ts_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d01a1c7adb93d44d46f7a78356ee5d67e568601cdc2102f5d16fb795eb905cd +size 41525593 diff --git a/Computer_Vision/seresnext26ts_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/seresnext26ts_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0abef43d1 --- /dev/null +++ b/Computer_Vision/seresnext26ts_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2400617599487305 + set_success: 0.023651838302612305 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/seresnext26ts_timm_81465bff/onnx/seresnext26ts_timm_81465bff-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/seresnext26ts.py +class: ByobNet +hash: d50a34ad +model_name: seresnext26ts +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 40552.3691 +onnx_ops_counter: + Add: 8 + Conv: 47 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 35 + ReduceMean: 8 + Relu: 8 + Sigmoid: 35 +parameters: 10388064 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/seresnext50_32x4d_Opset16_timm/seresnext50_32x4d_Opset16.onnx b/Computer_Vision/seresnext50_32x4d_Opset16_timm/seresnext50_32x4d_Opset16.onnx new file mode 100644 index 000000000..94daba603 --- /dev/null +++ b/Computer_Vision/seresnext50_32x4d_Opset16_timm/seresnext50_32x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8f4831b223625f90c0cb860e74c29d34b709d83f606d019b5d84b514c9921d6f +size 110146855 diff --git a/Computer_Vision/seresnext50_32x4d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/seresnext50_32x4d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..feb226a98 --- /dev/null +++ b/Computer_Vision/seresnext50_32x4d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.153524398803711 + set_success: 0.016450166702270508 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/seresnext50_32x4d_timm_59ec7fde/onnx/seresnext50_32x4d_timm_59ec7fde-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/seresnext50_32x4d.py +class: ResNet +hash: b147a4bd +model_name: seresnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 107565.3203 +onnx_ops_counter: + Add: 16 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + Relu: 65 + Sigmoid: 16 +parameters: 27559896 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/seresnext50_32x4d_Opset17_timm/seresnext50_32x4d_Opset17.onnx b/Computer_Vision/seresnext50_32x4d_Opset17_timm/seresnext50_32x4d_Opset17.onnx new file mode 100644 index 000000000..d7eaf6bb2 --- /dev/null +++ b/Computer_Vision/seresnext50_32x4d_Opset17_timm/seresnext50_32x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cc7f814490c2ace8d82c155bce08a4b3eb381ab2ba95c84c083705e6fc89fde1 +size 110146855 diff --git a/Computer_Vision/seresnext50_32x4d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/seresnext50_32x4d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..530d32faa --- /dev/null +++ b/Computer_Vision/seresnext50_32x4d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.2091400623321533 + set_success: 0.024992704391479492 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/seresnext50_32x4d_timm_59ec7fde/onnx/seresnext50_32x4d_timm_59ec7fde-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/seresnext50_32x4d.py +class: ResNet +hash: b147a4bd +model_name: seresnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 107565.3203 +onnx_ops_counter: + Add: 16 + Conv: 85 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + Relu: 65 + Sigmoid: 16 +parameters: 27559896 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/seresnextaa101d_32x8d_Opset16_timm/seresnextaa101d_32x8d_Opset16.onnx b/Computer_Vision/seresnextaa101d_32x8d_Opset16_timm/seresnextaa101d_32x8d_Opset16.onnx new file mode 100644 index 000000000..d1fae2fdd --- /dev/null +++ b/Computer_Vision/seresnextaa101d_32x8d_Opset16_timm/seresnextaa101d_32x8d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8886236c5f0d2dc606163d11eb77627e5866410c876083144e6cc98c398f01c2 +size 374038228 diff --git a/Computer_Vision/seresnextaa101d_32x8d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/seresnextaa101d_32x8d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ecd05c6d3 --- /dev/null +++ b/Computer_Vision/seresnextaa101d_32x8d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.009915590286255 + set_success: 0.022953271865844727 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/seresnextaa101d_32x8d_timm_5c5cda27/onnx/seresnextaa101d_32x8d_timm_5c5cda27-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/seresnextaa101d_32x8d.py +class: ResNet +hash: cab9efa0 +model_name: seresnextaa101d_32x8d +onnx_input_dimensions: + x: + - 1 + - 3 + - 288 + - 288 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 365271.7393 +onnx_ops_counter: + Add: 33 + AveragePool: 7 + Conv: 172 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 33 + ReduceMean: 33 + Relu: 135 + Sigmoid: 33 +parameters: 93588280 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/seresnextaa101d_32x8d_Opset17_timm/seresnextaa101d_32x8d_Opset17.onnx b/Computer_Vision/seresnextaa101d_32x8d_Opset17_timm/seresnextaa101d_32x8d_Opset17.onnx new file mode 100644 index 000000000..eba99f35f --- /dev/null +++ b/Computer_Vision/seresnextaa101d_32x8d_Opset17_timm/seresnextaa101d_32x8d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6ff07576736e0c76b9e3957fb548820e0b3bd9f374415a7d11f92077598cb21e +size 374038228 diff --git a/Computer_Vision/seresnextaa101d_32x8d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/seresnextaa101d_32x8d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5c3b0d87e --- /dev/null +++ b/Computer_Vision/seresnextaa101d_32x8d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.016890525817871 + set_success: 0.02148151397705078 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/seresnextaa101d_32x8d_timm_5c5cda27/onnx/seresnextaa101d_32x8d_timm_5c5cda27-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/seresnextaa101d_32x8d.py +class: ResNet +hash: cab9efa0 +model_name: seresnextaa101d_32x8d +onnx_input_dimensions: + x: + - 1 + - 3 + - 288 + - 288 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 365271.7393 +onnx_ops_counter: + Add: 33 + AveragePool: 7 + Conv: 172 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 33 + ReduceMean: 33 + Relu: 135 + Sigmoid: 33 +parameters: 93588280 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/shufflenet_v2_x0_5_Opset16_torch_hub/shufflenet_v2_x0_5_Opset16.onnx b/Computer_Vision/shufflenet_v2_x0_5_Opset16_torch_hub/shufflenet_v2_x0_5_Opset16.onnx new file mode 100644 index 000000000..559d74438 --- /dev/null +++ b/Computer_Vision/shufflenet_v2_x0_5_Opset16_torch_hub/shufflenet_v2_x0_5_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c95cb13da7774229ae5839985ac3eccb795250fb37620aa996c3dd3d8ef68f3b +size 5514098 diff --git a/Computer_Vision/shufflenet_v2_x0_5_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/shufflenet_v2_x0_5_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..86b3e868a --- /dev/null +++ b/Computer_Vision/shufflenet_v2_x0_5_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.4219558238983154 + set_success: 0.01477360725402832 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/shufflenet_v2_x0_5_torch_hub_c1879f12/onnx/shufflenet_v2_x0_5_torch_hub_c1879f12-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/shufflenet_v2_x0_5.py +class: ShuffleNetV2 +hash: 15046a84 +model_name: shufflenet_v2_x0_5 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 5384.8936 +onnx_ops_counter: + Add: 13 + Concat: 16 + Constant: 110 + Conv: 56 + Div: 13 + Gather: 13 + Gemm: 1 + MaxPool: 1 + Mul: 26 + ReduceMean: 1 + Relu: 37 + Reshape: 32 + Shape: 13 + Slice: 26 + Transpose: 16 +parameters: 1366792 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/shufflenet_v2_x0_5_Opset17_torch_hub/shufflenet_v2_x0_5_Opset17.onnx b/Computer_Vision/shufflenet_v2_x0_5_Opset17_torch_hub/shufflenet_v2_x0_5_Opset17.onnx new file mode 100644 index 000000000..5e1fcf77c --- /dev/null +++ b/Computer_Vision/shufflenet_v2_x0_5_Opset17_torch_hub/shufflenet_v2_x0_5_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65f53728e2c7e9537e8911d34bece2932f281f3b816e713c35617130770cdeda +size 5514098 diff --git a/Computer_Vision/shufflenet_v2_x0_5_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/shufflenet_v2_x0_5_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..89fde1bb2 --- /dev/null +++ b/Computer_Vision/shufflenet_v2_x0_5_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.4337613582611084 + set_success: 0.01564311981201172 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/shufflenet_v2_x0_5_torch_hub_c1879f12/onnx/shufflenet_v2_x0_5_torch_hub_c1879f12-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/shufflenet_v2_x0_5.py +class: ShuffleNetV2 +hash: 15046a84 +model_name: shufflenet_v2_x0_5 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 5384.8936 +onnx_ops_counter: + Add: 13 + Concat: 16 + Constant: 110 + Conv: 56 + Div: 13 + Gather: 13 + Gemm: 1 + MaxPool: 1 + Mul: 26 + ReduceMean: 1 + Relu: 37 + Reshape: 32 + Shape: 13 + Slice: 26 + Transpose: 16 +parameters: 1366792 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/shufflenet_v2_x1_0_Opset16_torch_hub/shufflenet_v2_x1_0_Opset16.onnx b/Computer_Vision/shufflenet_v2_x1_0_Opset16_torch_hub/shufflenet_v2_x1_0_Opset16.onnx new file mode 100644 index 000000000..120be8d68 --- /dev/null +++ b/Computer_Vision/shufflenet_v2_x1_0_Opset16_torch_hub/shufflenet_v2_x1_0_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f108550d5b30ce4da7a2bb193d621f4730b67a2a2d51fc50cb680fd88e406cdc +size 9144992 diff --git a/Computer_Vision/shufflenet_v2_x1_0_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/shufflenet_v2_x1_0_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..8a3ab362c --- /dev/null +++ b/Computer_Vision/shufflenet_v2_x1_0_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.221184730529785 + set_success: 0.016169071197509766 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/shufflenet_v2_x1_0_torch_hub_abfad053/onnx/shufflenet_v2_x1_0_torch_hub_abfad053-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/shufflenet_v2_x1_0.py +class: ShuffleNetV2 +hash: 81185b92 +model_name: shufflenet_v2_x1_0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 8930.6885 +onnx_ops_counter: + Add: 13 + Concat: 16 + Constant: 110 + Conv: 56 + Div: 13 + Gather: 13 + Gemm: 1 + MaxPool: 1 + Mul: 26 + ReduceMean: 1 + Relu: 37 + Reshape: 32 + Shape: 13 + Slice: 26 + Transpose: 16 +parameters: 2278604 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/shufflenet_v2_x1_0_Opset17_torch_hub/shufflenet_v2_x1_0_Opset17.onnx b/Computer_Vision/shufflenet_v2_x1_0_Opset17_torch_hub/shufflenet_v2_x1_0_Opset17.onnx new file mode 100644 index 000000000..cc50cfb60 --- /dev/null +++ b/Computer_Vision/shufflenet_v2_x1_0_Opset17_torch_hub/shufflenet_v2_x1_0_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:368548d37f5414e1c4651af3897217d66f6157c361ee81a2922a523450fccfa5 +size 9144992 diff --git a/Computer_Vision/shufflenet_v2_x1_0_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/shufflenet_v2_x1_0_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..48098c165 --- /dev/null +++ b/Computer_Vision/shufflenet_v2_x1_0_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.560927152633667 + set_success: 0.016550779342651367 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/shufflenet_v2_x1_0_torch_hub_abfad053/onnx/shufflenet_v2_x1_0_torch_hub_abfad053-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/shufflenet_v2_x1_0.py +class: ShuffleNetV2 +hash: 81185b92 +model_name: shufflenet_v2_x1_0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 8930.6885 +onnx_ops_counter: + Add: 13 + Concat: 16 + Constant: 110 + Conv: 56 + Div: 13 + Gather: 13 + Gemm: 1 + MaxPool: 1 + Mul: 26 + ReduceMean: 1 + Relu: 37 + Reshape: 32 + Shape: 13 + Slice: 26 + Transpose: 16 +parameters: 2278604 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/shufflenet_v2_x1_5_Opset16_torch_hub/shufflenet_v2_x1_5_Opset16.onnx b/Computer_Vision/shufflenet_v2_x1_5_Opset16_torch_hub/shufflenet_v2_x1_5_Opset16.onnx new file mode 100644 index 000000000..69d9dbf68 --- /dev/null +++ b/Computer_Vision/shufflenet_v2_x1_5_Opset16_torch_hub/shufflenet_v2_x1_5_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c8a935aaa6e1edcb093869d24920dbf9c38fd86163db196d146c14e4e7673ba +size 14030646 diff --git a/Computer_Vision/shufflenet_v2_x1_5_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/shufflenet_v2_x1_5_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..3824f0c4b --- /dev/null +++ b/Computer_Vision/shufflenet_v2_x1_5_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.545325756072998 + set_success: 0.01496744155883789 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/shufflenet_v2_x1_5_torch_hub_2ee4dc2b/onnx/shufflenet_v2_x1_5_torch_hub_2ee4dc2b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/shufflenet_v2_x1_5.py +class: ShuffleNetV2 +hash: '51805568' +model_name: shufflenet_v2_x1_5 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 13701.835 +onnx_ops_counter: + Add: 13 + Concat: 16 + Constant: 110 + Conv: 56 + Div: 13 + Gather: 13 + Gemm: 1 + MaxPool: 1 + Mul: 26 + ReduceMean: 1 + Relu: 37 + Reshape: 32 + Shape: 13 + Slice: 26 + Transpose: 16 +parameters: 3503624 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/shufflenet_v2_x1_5_Opset17_torch_hub/shufflenet_v2_x1_5_Opset17.onnx b/Computer_Vision/shufflenet_v2_x1_5_Opset17_torch_hub/shufflenet_v2_x1_5_Opset17.onnx new file mode 100644 index 000000000..ef6cfdcbd --- /dev/null +++ b/Computer_Vision/shufflenet_v2_x1_5_Opset17_torch_hub/shufflenet_v2_x1_5_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8304e3f17076a780c5cc64490195b4dfbedaa2c9a811a60bdce12f607c25178 +size 14030646 diff --git a/Computer_Vision/shufflenet_v2_x1_5_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/shufflenet_v2_x1_5_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..c5468e420 --- /dev/null +++ b/Computer_Vision/shufflenet_v2_x1_5_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.5641365051269531 + set_success: 0.015833139419555664 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/shufflenet_v2_x1_5_torch_hub_2ee4dc2b/onnx/shufflenet_v2_x1_5_torch_hub_2ee4dc2b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/shufflenet_v2_x1_5.py +class: ShuffleNetV2 +hash: '51805568' +model_name: shufflenet_v2_x1_5 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 13701.835 +onnx_ops_counter: + Add: 13 + Concat: 16 + Constant: 110 + Conv: 56 + Div: 13 + Gather: 13 + Gemm: 1 + MaxPool: 1 + Mul: 26 + ReduceMean: 1 + Relu: 37 + Reshape: 32 + Shape: 13 + Slice: 26 + Transpose: 16 +parameters: 3503624 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/shufflenet_v2_x2_0_Opset16_torch_hub/shufflenet_v2_x2_0_Opset16.onnx b/Computer_Vision/shufflenet_v2_x2_0_Opset16_torch_hub/shufflenet_v2_x2_0_Opset16.onnx new file mode 100644 index 000000000..b575c3eb1 --- /dev/null +++ b/Computer_Vision/shufflenet_v2_x2_0_Opset16_torch_hub/shufflenet_v2_x2_0_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80baf8a63d41d2792e45521b8e35dd3ea7c952c5a41d528fa4e5a0ffbed72246 +size 29571592 diff --git a/Computer_Vision/shufflenet_v2_x2_0_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/shufflenet_v2_x2_0_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..48a7db857 --- /dev/null +++ b/Computer_Vision/shufflenet_v2_x2_0_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7798147201538086 + set_success: 0.01699519157409668 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/shufflenet_v2_x2_0_torch_hub_52c46080/onnx/shufflenet_v2_x2_0_torch_hub_52c46080-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/shufflenet_v2_x2_0.py +class: ShuffleNetV2 +hash: 670c36ac +model_name: shufflenet_v2_x2_0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 28878.54 +onnx_ops_counter: + Add: 13 + Concat: 16 + Constant: 110 + Conv: 56 + Div: 13 + Gather: 13 + Gemm: 1 + MaxPool: 1 + Mul: 26 + ReduceMean: 1 + Relu: 37 + Reshape: 32 + Shape: 13 + Slice: 26 + Transpose: 16 +parameters: 7393996 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/shufflenet_v2_x2_0_Opset17_torch_hub/shufflenet_v2_x2_0_Opset17.onnx b/Computer_Vision/shufflenet_v2_x2_0_Opset17_torch_hub/shufflenet_v2_x2_0_Opset17.onnx new file mode 100644 index 000000000..66195f9e2 --- /dev/null +++ b/Computer_Vision/shufflenet_v2_x2_0_Opset17_torch_hub/shufflenet_v2_x2_0_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39723ea40f55ab3dd50eadbd7dc9e6d335cb5e178fa790f7ebae83fdad372baa +size 29571592 diff --git a/Computer_Vision/shufflenet_v2_x2_0_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/shufflenet_v2_x2_0_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..19ea1f15b --- /dev/null +++ b/Computer_Vision/shufflenet_v2_x2_0_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7301769256591797 + set_success: 0.016760587692260742 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/shufflenet_v2_x2_0_torch_hub_52c46080/onnx/shufflenet_v2_x2_0_torch_hub_52c46080-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/shufflenet_v2_x2_0.py +class: ShuffleNetV2 +hash: 670c36ac +model_name: shufflenet_v2_x2_0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 28878.54 +onnx_ops_counter: + Add: 13 + Concat: 16 + Constant: 110 + Conv: 56 + Div: 13 + Gather: 13 + Gemm: 1 + MaxPool: 1 + Mul: 26 + ReduceMean: 1 + Relu: 37 + Reshape: 32 + Shape: 13 + Slice: 26 + Transpose: 16 +parameters: 7393996 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/skresnet18_Opset16_timm/skresnet18_Opset16.onnx b/Computer_Vision/skresnet18_Opset16_timm/skresnet18_Opset16.onnx new file mode 100644 index 000000000..3c6fc5805 --- /dev/null +++ b/Computer_Vision/skresnet18_Opset16_timm/skresnet18_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b0ec0236607b07403c81296366a46fc6344829fd0d8b9cae79f54f453f21695 +size 47844109 diff --git a/Computer_Vision/skresnet18_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/skresnet18_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ed379879f --- /dev/null +++ b/Computer_Vision/skresnet18_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2398505210876465 + set_success: 0.016448974609375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/skresnet18_timm_a2afa54e/onnx/skresnet18_timm_a2afa54e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/skresnet18.py +class: ResNet +hash: fda08bb8 +model_name: skresnet18 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 46722.7949 +onnx_ops_counter: + Add: 8 + Concat: 8 + Constant: 33 + Conv: 44 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 8 + ReduceMean: 8 + ReduceSum: 16 + Relu: 33 + Reshape: 8 + Softmax: 8 + Split: 8 + Unsqueeze: 16 +parameters: 11958056 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/skresnet18_Opset17_timm/skresnet18_Opset17.onnx b/Computer_Vision/skresnet18_Opset17_timm/skresnet18_Opset17.onnx new file mode 100644 index 000000000..c5ce8e783 --- /dev/null +++ b/Computer_Vision/skresnet18_Opset17_timm/skresnet18_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8248bb6b18bb123b7012b6910fc6b7c74c94e4248e613f47157c2d24d9d1296d +size 47844109 diff --git a/Computer_Vision/skresnet18_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/skresnet18_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..650fa4463 --- /dev/null +++ b/Computer_Vision/skresnet18_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2210407257080078 + set_success: 0.8522894382476807 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/skresnet18_timm_a2afa54e/onnx/skresnet18_timm_a2afa54e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/skresnet18.py +class: ResNet +hash: fda08bb8 +model_name: skresnet18 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 46722.7949 +onnx_ops_counter: + Add: 8 + Concat: 8 + Constant: 33 + Conv: 44 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 8 + ReduceMean: 8 + ReduceSum: 16 + Relu: 33 + Reshape: 8 + Softmax: 8 + Split: 8 + Unsqueeze: 16 +parameters: 11958056 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/skresnet34_Opset16_timm/skresnet34_Opset16.onnx b/Computer_Vision/skresnet34_Opset16_timm/skresnet34_Opset16.onnx new file mode 100644 index 000000000..899c90fa7 --- /dev/null +++ b/Computer_Vision/skresnet34_Opset16_timm/skresnet34_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83dfd66c9b9c8f8ff463c8c011ed8bef96174ec6c8f3923bb2832a100fdabce5 +size 89156105 diff --git a/Computer_Vision/skresnet34_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/skresnet34_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ba15ced92 --- /dev/null +++ b/Computer_Vision/skresnet34_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.76838755607605 + set_success: 0.015836238861083984 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/skresnet34_timm_7130e115/onnx/skresnet34_timm_7130e115-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/skresnet34.py +class: ResNet +hash: fcc5fc6f +model_name: skresnet34 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 87066.541 +onnx_ops_counter: + Add: 16 + Concat: 16 + Constant: 65 + Conv: 84 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + ReduceSum: 32 + Relu: 65 + Reshape: 16 + Softmax: 16 + Split: 16 + Unsqueeze: 32 +parameters: 22282376 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/skresnet34_Opset17_timm/skresnet34_Opset17.onnx b/Computer_Vision/skresnet34_Opset17_timm/skresnet34_Opset17.onnx new file mode 100644 index 000000000..1859ca721 --- /dev/null +++ b/Computer_Vision/skresnet34_Opset17_timm/skresnet34_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4891e570922cea449c76930ba475efdcf0003dc2100c57baa301529cea095b8 +size 89156105 diff --git a/Computer_Vision/skresnet34_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/skresnet34_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cf16baac6 --- /dev/null +++ b/Computer_Vision/skresnet34_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,209 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.805603504180908 + set_success: 0.01602792739868164 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/skresnet34_timm_7130e115/onnx/skresnet34_timm_7130e115-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/skresnet34.py +class: ResNet +hash: fcc5fc6f +model_name: skresnet34 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 87066.541 +onnx_ops_counter: + Add: 16 + Concat: 16 + Constant: 65 + Conv: 84 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + ReduceSum: 32 + Relu: 65 + Reshape: 16 + Softmax: 16 + Split: 16 + Unsqueeze: 32 +parameters: 22282376 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/skresnext50_32x4d_Opset16_timm/skresnext50_32x4d_Opset16.onnx b/Computer_Vision/skresnext50_32x4d_Opset16_timm/skresnext50_32x4d_Opset16.onnx new file mode 100644 index 000000000..4d2cb878d --- /dev/null +++ b/Computer_Vision/skresnext50_32x4d_Opset16_timm/skresnext50_32x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:479de72117b158f13c84eaea012f862933252af5dbbc543f5ca3d3f71269c845 +size 109830149 diff --git a/Computer_Vision/skresnext50_32x4d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/skresnext50_32x4d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e15beebf6 --- /dev/null +++ b/Computer_Vision/skresnext50_32x4d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.4428505897521973 + set_success: 0.018896818161010742 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/skresnext50_32x4d_timm_e48ca597/onnx/skresnext50_32x4d_timm_e48ca597-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/skresnext50_32x4d.py +class: ResNet +hash: 8a70f9f8 +model_name: skresnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 107256.0371 +onnx_ops_counter: + Add: 16 + Concat: 16 + Constant: 49 + Conv: 101 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + ReduceSum: 32 + Relu: 81 + Reshape: 16 + Softmax: 16 + Unsqueeze: 32 +parameters: 27479784 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/skresnext50_32x4d_Opset17_timm/skresnext50_32x4d_Opset17.onnx b/Computer_Vision/skresnext50_32x4d_Opset17_timm/skresnext50_32x4d_Opset17.onnx new file mode 100644 index 000000000..fadbf8319 --- /dev/null +++ b/Computer_Vision/skresnext50_32x4d_Opset17_timm/skresnext50_32x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a536aac8b24ab96e134a9d36cc922a2a24a8afbfc5d07b5f253316370f2e1cd9 +size 109830149 diff --git a/Computer_Vision/skresnext50_32x4d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/skresnext50_32x4d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..99cebc6ee --- /dev/null +++ b/Computer_Vision/skresnext50_32x4d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.58182430267334 + set_success: 0.01752305030822754 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/skresnext50_32x4d_timm_e48ca597/onnx/skresnext50_32x4d_timm_e48ca597-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/skresnext50_32x4d.py +class: ResNet +hash: 8a70f9f8 +model_name: skresnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 107256.0371 +onnx_ops_counter: + Add: 16 + Concat: 16 + Constant: 49 + Conv: 101 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Mul: 16 + ReduceMean: 16 + ReduceSum: 32 + Relu: 81 + Reshape: 16 + Softmax: 16 + Unsqueeze: 32 +parameters: 27479784 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/spnasnet_100_Opset16_timm/spnasnet_100_Opset16.onnx b/Computer_Vision/spnasnet_100_Opset16_timm/spnasnet_100_Opset16.onnx new file mode 100644 index 000000000..1c5a62e85 --- /dev/null +++ b/Computer_Vision/spnasnet_100_Opset16_timm/spnasnet_100_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:142554de453eb8cf941e27e26ce160ca02614dad6ab298ec6532628fb8d2950b +size 17638479 diff --git a/Computer_Vision/spnasnet_100_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/spnasnet_100_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c96059d10 --- /dev/null +++ b/Computer_Vision/spnasnet_100_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.0977838039398193 + set_success: 0.01916670799255371 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/spnasnet_100_timm_515656ab/onnx/spnasnet_100_timm_515656ab-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/spnasnet_100.py +class: EfficientNet +hash: 5bc046ef +model_name: spnasnet_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 17225.1094 +onnx_ops_counter: + Add: 14 + Conv: 64 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 43 +parameters: 4421616 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/spnasnet_100_Opset17_timm/spnasnet_100_Opset17.onnx b/Computer_Vision/spnasnet_100_Opset17_timm/spnasnet_100_Opset17.onnx new file mode 100644 index 000000000..a58c9be04 --- /dev/null +++ b/Computer_Vision/spnasnet_100_Opset17_timm/spnasnet_100_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:255f67d8a7dddedf051b1688dd6a4367c7ee7bd949922825add30962aacc4306 +size 17638479 diff --git a/Computer_Vision/spnasnet_100_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/spnasnet_100_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ebf4d3e44 --- /dev/null +++ b/Computer_Vision/spnasnet_100_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.015765905380249 + set_success: 0.01744818687438965 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/spnasnet_100_timm_515656ab/onnx/spnasnet_100_timm_515656ab-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/spnasnet_100.py +class: EfficientNet +hash: 5bc046ef +model_name: spnasnet_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 17225.1094 +onnx_ops_counter: + Add: 14 + Conv: 64 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 43 +parameters: 4421616 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/spnasnet_100_Opset18_timm/spnasnet_100_Opset18.onnx b/Computer_Vision/spnasnet_100_Opset18_timm/spnasnet_100_Opset18.onnx new file mode 100644 index 000000000..3d3b99560 --- /dev/null +++ b/Computer_Vision/spnasnet_100_Opset18_timm/spnasnet_100_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a02699edd4f4c878b215a0647de0adc2acf01fefec364b979aaa0067e7277784 +size 17638479 diff --git a/Computer_Vision/spnasnet_100_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/spnasnet_100_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..de2950ffa --- /dev/null +++ b/Computer_Vision/spnasnet_100_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.0743322372436523 + set_success: 0.016405344009399414 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/spnasnet_100_timm_515656ab/onnx/spnasnet_100_timm_515656ab-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/spnasnet_100.py +class: EfficientNet +hash: 5bc046ef +model_name: spnasnet_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 17225.1094 +onnx_ops_counter: + Add: 14 + Conv: 64 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 43 +parameters: 4421616 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/squeezenet1_0_Opset16_torch_hub/squeezenet1_0_Opset16.onnx b/Computer_Vision/squeezenet1_0_Opset16_torch_hub/squeezenet1_0_Opset16.onnx new file mode 100644 index 000000000..13e3549eb --- /dev/null +++ b/Computer_Vision/squeezenet1_0_Opset16_torch_hub/squeezenet1_0_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a4810387c4d5de4960ca0e54e595a0a4e1a7206fce60445fcdefa97050ced81c +size 5009885 diff --git a/Computer_Vision/squeezenet1_0_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/squeezenet1_0_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..0b5cf177a --- /dev/null +++ b/Computer_Vision/squeezenet1_0_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.2601456642150879 + set_success: 0.01580977439880371 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/squeezenet1_0_torch_hub_aa08ba1b/onnx/squeezenet1_0_torch_hub_aa08ba1b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/squeezenet1_0.py +class: SqueezeNet +hash: 8b319b5b +model_name: squeezenet1_0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 4892.498 +onnx_ops_counter: + Concat: 8 + Conv: 26 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 3 + Relu: 26 +parameters: 1248424 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/squeezenet1_0_Opset17_torch_hub/squeezenet1_0_Opset17.onnx b/Computer_Vision/squeezenet1_0_Opset17_torch_hub/squeezenet1_0_Opset17.onnx new file mode 100644 index 000000000..291f2d561 --- /dev/null +++ b/Computer_Vision/squeezenet1_0_Opset17_torch_hub/squeezenet1_0_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b356df899091f988b4856189baa481e19ede596d75b9521cccd87fa46da2056a +size 5009885 diff --git a/Computer_Vision/squeezenet1_0_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/squeezenet1_0_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..33457a17b --- /dev/null +++ b/Computer_Vision/squeezenet1_0_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.26262974739074707 + set_success: 0.01488637924194336 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/squeezenet1_0_torch_hub_aa08ba1b/onnx/squeezenet1_0_torch_hub_aa08ba1b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/squeezenet1_0.py +class: SqueezeNet +hash: 8b319b5b +model_name: squeezenet1_0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 4892.498 +onnx_ops_counter: + Concat: 8 + Conv: 26 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 3 + Relu: 26 +parameters: 1248424 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/squeezenet1_0_Opset18_torch_hub/squeezenet1_0_Opset18.onnx b/Computer_Vision/squeezenet1_0_Opset18_torch_hub/squeezenet1_0_Opset18.onnx new file mode 100644 index 000000000..c6462ba21 --- /dev/null +++ b/Computer_Vision/squeezenet1_0_Opset18_torch_hub/squeezenet1_0_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09cf613d9f786d63734e715490da4bf94fc5589dae51043556a37fd5fdb43dec +size 5009885 diff --git a/Computer_Vision/squeezenet1_0_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/squeezenet1_0_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..16eb070ce --- /dev/null +++ b/Computer_Vision/squeezenet1_0_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.2668323516845703 + set_success: 0.017213821411132812 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/squeezenet1_0_torch_hub_aa08ba1b/onnx/squeezenet1_0_torch_hub_aa08ba1b-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/squeezenet1_0.py +class: SqueezeNet +hash: 8b319b5b +model_name: squeezenet1_0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 4892.498 +onnx_ops_counter: + Concat: 8 + Conv: 26 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 3 + Relu: 26 +parameters: 1248424 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/squeezenet1_1_Opset16_torch_hub/squeezenet1_1_Opset16.onnx b/Computer_Vision/squeezenet1_1_Opset16_torch_hub/squeezenet1_1_Opset16.onnx new file mode 100644 index 000000000..ab35256b9 --- /dev/null +++ b/Computer_Vision/squeezenet1_1_Opset16_torch_hub/squeezenet1_1_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3832a0f489a28b8fc85131e22f862cc740e228204e657f2252fb97b1e5b3e6d9 +size 4958202 diff --git a/Computer_Vision/squeezenet1_1_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/squeezenet1_1_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..e12bc4fcd --- /dev/null +++ b/Computer_Vision/squeezenet1_1_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.2543168067932129 + set_success: 0.015581130981445312 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/squeezenet1_1_torch_hub_9ca81c3d/onnx/squeezenet1_1_torch_hub_9ca81c3d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/squeezenet1_1.py +class: SqueezeNet +hash: db09563d +model_name: squeezenet1_1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 4842.0264 +onnx_ops_counter: + Concat: 8 + Conv: 26 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 3 + Relu: 26 +parameters: 1235496 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/squeezenet1_1_Opset17_torch_hub/squeezenet1_1_Opset17.onnx b/Computer_Vision/squeezenet1_1_Opset17_torch_hub/squeezenet1_1_Opset17.onnx new file mode 100644 index 000000000..0a97a80d6 --- /dev/null +++ b/Computer_Vision/squeezenet1_1_Opset17_torch_hub/squeezenet1_1_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fbb553444cab298bcac72cf623694e277dfe11d78662108f91ff46b6acb2cc5f +size 4958202 diff --git a/Computer_Vision/squeezenet1_1_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/squeezenet1_1_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..b49a23393 --- /dev/null +++ b/Computer_Vision/squeezenet1_1_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.25603532791137695 + set_success: 0.015508890151977539 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/squeezenet1_1_torch_hub_9ca81c3d/onnx/squeezenet1_1_torch_hub_9ca81c3d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/squeezenet1_1.py +class: SqueezeNet +hash: db09563d +model_name: squeezenet1_1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 4842.0264 +onnx_ops_counter: + Concat: 8 + Conv: 26 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 3 + Relu: 26 +parameters: 1235496 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/squeezenet1_1_Opset18_torch_hub/squeezenet1_1_Opset18.onnx b/Computer_Vision/squeezenet1_1_Opset18_torch_hub/squeezenet1_1_Opset18.onnx new file mode 100644 index 000000000..76bbb07ab --- /dev/null +++ b/Computer_Vision/squeezenet1_1_Opset18_torch_hub/squeezenet1_1_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8158833af025e7802fdf17b1f1d09a72a02bb3fee05615340739e013330eb98a +size 4958202 diff --git a/Computer_Vision/squeezenet1_1_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/squeezenet1_1_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..104cc9da7 --- /dev/null +++ b/Computer_Vision/squeezenet1_1_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.2564423084259033 + set_success: 0.015539884567260742 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/squeezenet1_1_torch_hub_9ca81c3d/onnx/squeezenet1_1_torch_hub_9ca81c3d-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/squeezenet1_1.py +class: SqueezeNet +hash: db09563d +model_name: squeezenet1_1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 4842.0264 +onnx_ops_counter: + Concat: 8 + Conv: 26 + Flatten: 1 + GlobalAveragePool: 1 + MaxPool: 3 + Relu: 26 +parameters: 1235496 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ssl_resnet18_Opset16_timm/ssl_resnet18_Opset16.onnx b/Computer_Vision/ssl_resnet18_Opset16_timm/ssl_resnet18_Opset16.onnx new file mode 100644 index 000000000..a42118d48 --- /dev/null +++ b/Computer_Vision/ssl_resnet18_Opset16_timm/ssl_resnet18_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5efb0524901952984438f68bae70b168a77e9be477fe568468bdf3b55c2a2136 +size 46748544 diff --git a/Computer_Vision/ssl_resnet18_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/ssl_resnet18_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..45b4659fc --- /dev/null +++ b/Computer_Vision/ssl_resnet18_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.6859700679779053 + set_success: 0.014597177505493164 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ssl_resnet18_timm_81083861/onnx/ssl_resnet18_timm_81083861-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ssl_resnet18.py +class: ResNet +hash: 495787f5 +model_name: ssl_resnet18 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 45652.9072 +onnx_ops_counter: + Add: 8 + Conv: 20 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 17 +parameters: 11689512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ssl_resnet18_Opset17_timm/ssl_resnet18_Opset17.onnx b/Computer_Vision/ssl_resnet18_Opset17_timm/ssl_resnet18_Opset17.onnx new file mode 100644 index 000000000..b2853b077 --- /dev/null +++ b/Computer_Vision/ssl_resnet18_Opset17_timm/ssl_resnet18_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9cb10d184bb9247e8b53b88310b6c294bcc3c3f56c594c841cb9a044645bc497 +size 46748544 diff --git a/Computer_Vision/ssl_resnet18_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/ssl_resnet18_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4ab3747a6 --- /dev/null +++ b/Computer_Vision/ssl_resnet18_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8109629154205322 + set_success: 0.01703929901123047 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ssl_resnet18_timm_81083861/onnx/ssl_resnet18_timm_81083861-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ssl_resnet18.py +class: ResNet +hash: 495787f5 +model_name: ssl_resnet18 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 45652.9072 +onnx_ops_counter: + Add: 8 + Conv: 20 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 17 +parameters: 11689512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ssl_resnet18_Opset18_timm/ssl_resnet18_Opset18.onnx b/Computer_Vision/ssl_resnet18_Opset18_timm/ssl_resnet18_Opset18.onnx new file mode 100644 index 000000000..a57fad7f1 --- /dev/null +++ b/Computer_Vision/ssl_resnet18_Opset18_timm/ssl_resnet18_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bef59a906706ccf1556495b7e976b0b29f117fb509aee23a16785254a5ee050e +size 46748544 diff --git a/Computer_Vision/ssl_resnet18_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/ssl_resnet18_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ccb91503b --- /dev/null +++ b/Computer_Vision/ssl_resnet18_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.6926281452178955 + set_success: 0.019405841827392578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ssl_resnet18_timm_81083861/onnx/ssl_resnet18_timm_81083861-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ssl_resnet18.py +class: ResNet +hash: 495787f5 +model_name: ssl_resnet18 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 45652.9072 +onnx_ops_counter: + Add: 8 + Conv: 20 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 17 +parameters: 11689512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ssl_resnet50_Opset16_timm/ssl_resnet50_Opset16.onnx b/Computer_Vision/ssl_resnet50_Opset16_timm/ssl_resnet50_Opset16.onnx new file mode 100644 index 000000000..24c192ed8 --- /dev/null +++ b/Computer_Vision/ssl_resnet50_Opset16_timm/ssl_resnet50_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab17f913db141f6fb86097250eaad5eb8fdb85daa35e4eafcc8532566b468fcc +size 102146206 diff --git a/Computer_Vision/ssl_resnet50_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/ssl_resnet50_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e225363e0 --- /dev/null +++ b/Computer_Vision/ssl_resnet50_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7154943943023682 + set_success: 0.01677393913269043 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ssl_resnet50_timm_694a8fff/onnx/ssl_resnet50_timm_694a8fff-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ssl_resnet50.py +class: ResNet +hash: 25cce11f +model_name: ssl_resnet50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 99752.1865 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ssl_resnet50_Opset17_timm/ssl_resnet50_Opset17.onnx b/Computer_Vision/ssl_resnet50_Opset17_timm/ssl_resnet50_Opset17.onnx new file mode 100644 index 000000000..0d3ac20b1 --- /dev/null +++ b/Computer_Vision/ssl_resnet50_Opset17_timm/ssl_resnet50_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:488f0bd4976a2f61eb05c8ea75ef64ebc2724639750f6d3dbbaeba61d5658b5d +size 102146206 diff --git a/Computer_Vision/ssl_resnet50_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/ssl_resnet50_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..fcc25aa1e --- /dev/null +++ b/Computer_Vision/ssl_resnet50_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7564630508422852 + set_success: 0.01742410659790039 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ssl_resnet50_timm_694a8fff/onnx/ssl_resnet50_timm_694a8fff-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ssl_resnet50.py +class: ResNet +hash: 25cce11f +model_name: ssl_resnet50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 99752.1865 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ssl_resnet50_Opset18_timm/ssl_resnet50_Opset18.onnx b/Computer_Vision/ssl_resnet50_Opset18_timm/ssl_resnet50_Opset18.onnx new file mode 100644 index 000000000..2cc831ce9 --- /dev/null +++ b/Computer_Vision/ssl_resnet50_Opset18_timm/ssl_resnet50_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c8098919373342d0e08672fd02e9051694f0ae4a713eb004f5624f3ec8754f4 +size 102146206 diff --git a/Computer_Vision/ssl_resnet50_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/ssl_resnet50_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6df31d5bf --- /dev/null +++ b/Computer_Vision/ssl_resnet50_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7123606204986572 + set_success: 0.01692676544189453 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ssl_resnet50_timm_694a8fff/onnx/ssl_resnet50_timm_694a8fff-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ssl_resnet50.py +class: ResNet +hash: 25cce11f +model_name: ssl_resnet50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 99752.1865 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ssl_resnext101_32x16d_Opset16_timm/ssl_resnext101_32x16d_Opset16.onnx b/Computer_Vision/ssl_resnext101_32x16d_Opset16_timm/ssl_resnext101_32x16d_Opset16.onnx new file mode 100644 index 000000000..58419974c --- /dev/null +++ b/Computer_Vision/ssl_resnext101_32x16d_Opset16_timm/ssl_resnext101_32x16d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30d91aec9fb1e3bca03965dc96bef1947f5fb8b543bf194d223bdcbde739cbfc +size 775489693 diff --git a/Computer_Vision/ssl_resnext101_32x16d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/ssl_resnext101_32x16d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7e8695f90 --- /dev/null +++ b/Computer_Vision/ssl_resnext101_32x16d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.302474021911621 + set_success: 0.019794940948486328 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ssl_resnext101_32x16d_timm_f2166b3d/onnx/ssl_resnext101_32x16d_timm_f2166b3d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ssl_resnext101_32x16d.py +class: ResNet +hash: 3ef9f709 +model_name: ssl_resnext101_32x16d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 757314.1855 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 194026792 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ssl_resnext101_32x16d_Opset17_timm/ssl_resnext101_32x16d_Opset17.onnx b/Computer_Vision/ssl_resnext101_32x16d_Opset17_timm/ssl_resnext101_32x16d_Opset17.onnx new file mode 100644 index 000000000..f8ccdd395 --- /dev/null +++ b/Computer_Vision/ssl_resnext101_32x16d_Opset17_timm/ssl_resnext101_32x16d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db55ac80f3f023b8708f2eacd4026df432ff213acbd11309412973741a77f2ec +size 775489693 diff --git a/Computer_Vision/ssl_resnext101_32x16d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/ssl_resnext101_32x16d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c12973ed2 --- /dev/null +++ b/Computer_Vision/ssl_resnext101_32x16d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.427907466888428 + set_success: 0.02895665168762207 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ssl_resnext101_32x16d_timm_f2166b3d/onnx/ssl_resnext101_32x16d_timm_f2166b3d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ssl_resnext101_32x16d.py +class: ResNet +hash: 3ef9f709 +model_name: ssl_resnext101_32x16d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 757314.1855 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 194026792 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ssl_resnext101_32x16d_Opset18_timm/ssl_resnext101_32x16d_Opset18.onnx b/Computer_Vision/ssl_resnext101_32x16d_Opset18_timm/ssl_resnext101_32x16d_Opset18.onnx new file mode 100644 index 000000000..1e1f3a62e --- /dev/null +++ b/Computer_Vision/ssl_resnext101_32x16d_Opset18_timm/ssl_resnext101_32x16d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a097207c469e0c076163efdee8e0e068323f845d689bc098f5e51ce5528ca08 +size 775489693 diff --git a/Computer_Vision/ssl_resnext101_32x16d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/ssl_resnext101_32x16d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2f4b7d1fc --- /dev/null +++ b/Computer_Vision/ssl_resnext101_32x16d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.307111263275146 + set_success: 0.026244640350341797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ssl_resnext101_32x16d_timm_f2166b3d/onnx/ssl_resnext101_32x16d_timm_f2166b3d-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ssl_resnext101_32x16d.py +class: ResNet +hash: 3ef9f709 +model_name: ssl_resnext101_32x16d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 757314.1855 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 194026792 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ssl_resnext101_32x4d_Opset16_timm/ssl_resnext101_32x4d_Opset16.onnx b/Computer_Vision/ssl_resnext101_32x4d_Opset16_timm/ssl_resnext101_32x4d_Opset16.onnx new file mode 100644 index 000000000..4018e09fa --- /dev/null +++ b/Computer_Vision/ssl_resnext101_32x4d_Opset16_timm/ssl_resnext101_32x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10810dc7b9bf3c0a66e3a7b4e24e4131530788a8945a9da174c48f4d80802991 +size 176483401 diff --git a/Computer_Vision/ssl_resnext101_32x4d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/ssl_resnext101_32x4d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d2ee3fa92 --- /dev/null +++ b/Computer_Vision/ssl_resnext101_32x4d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.7025532722473145 + set_success: 0.019028902053833008 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ssl_resnext101_32x4d_timm_05071e7e/onnx/ssl_resnext101_32x4d_timm_05071e7e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ssl_resnext101_32x4d.py +class: ResNet +hash: 984aa3a2 +model_name: ssl_resnext101_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 172347.1035 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44177704 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ssl_resnext101_32x4d_Opset17_timm/ssl_resnext101_32x4d_Opset17.onnx b/Computer_Vision/ssl_resnext101_32x4d_Opset17_timm/ssl_resnext101_32x4d_Opset17.onnx new file mode 100644 index 000000000..556f692a4 --- /dev/null +++ b/Computer_Vision/ssl_resnext101_32x4d_Opset17_timm/ssl_resnext101_32x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ed97babb36bcdc30247d3acef18e7249b5bdac8e45a158c211499ddd05bf7f52 +size 176483401 diff --git a/Computer_Vision/ssl_resnext101_32x4d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/ssl_resnext101_32x4d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ad6d3297a --- /dev/null +++ b/Computer_Vision/ssl_resnext101_32x4d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.692985773086548 + set_success: 0.020609140396118164 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ssl_resnext101_32x4d_timm_05071e7e/onnx/ssl_resnext101_32x4d_timm_05071e7e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ssl_resnext101_32x4d.py +class: ResNet +hash: 984aa3a2 +model_name: ssl_resnext101_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 172347.1035 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44177704 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ssl_resnext101_32x4d_Opset18_timm/ssl_resnext101_32x4d_Opset18.onnx b/Computer_Vision/ssl_resnext101_32x4d_Opset18_timm/ssl_resnext101_32x4d_Opset18.onnx new file mode 100644 index 000000000..5915b5b06 --- /dev/null +++ b/Computer_Vision/ssl_resnext101_32x4d_Opset18_timm/ssl_resnext101_32x4d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b683e4a4856ecbab0b89b6a3f93c48ca3463909311c45f00dfb8f195888cf67 +size 176483401 diff --git a/Computer_Vision/ssl_resnext101_32x4d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/ssl_resnext101_32x4d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2d7b6fa78 --- /dev/null +++ b/Computer_Vision/ssl_resnext101_32x4d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.6663544178009033 + set_success: 0.021976709365844727 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ssl_resnext101_32x4d_timm_05071e7e/onnx/ssl_resnext101_32x4d_timm_05071e7e-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ssl_resnext101_32x4d.py +class: ResNet +hash: 984aa3a2 +model_name: ssl_resnext101_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 172347.1035 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44177704 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ssl_resnext101_32x8d_Opset16_timm/ssl_resnext101_32x8d_Opset16.onnx b/Computer_Vision/ssl_resnext101_32x8d_Opset16_timm/ssl_resnext101_32x8d_Opset16.onnx new file mode 100644 index 000000000..9c20e0b73 --- /dev/null +++ b/Computer_Vision/ssl_resnext101_32x8d_Opset16_timm/ssl_resnext101_32x8d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83df2e1e8d8d1ea728d99472e7074a8e48855a177ee659897fabc3c3deac1a64 +size 354807890 diff --git a/Computer_Vision/ssl_resnext101_32x8d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/ssl_resnext101_32x8d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..78a45bdc3 --- /dev/null +++ b/Computer_Vision/ssl_resnext101_32x8d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.443215370178223 + set_success: 0.0177001953125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ssl_resnext101_32x8d_timm_1e210a44/onnx/ssl_resnext101_32x8d_timm_1e210a44-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ssl_resnext101_32x8d.py +class: ResNet +hash: a37f8b3b +model_name: ssl_resnext101_32x8d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 346492.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 88791336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ssl_resnext101_32x8d_Opset17_timm/ssl_resnext101_32x8d_Opset17.onnx b/Computer_Vision/ssl_resnext101_32x8d_Opset17_timm/ssl_resnext101_32x8d_Opset17.onnx new file mode 100644 index 000000000..6402ce74a --- /dev/null +++ b/Computer_Vision/ssl_resnext101_32x8d_Opset17_timm/ssl_resnext101_32x8d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e71fa4d134b6ccbb038195da5fd8e05fe6ca122d978d177b4aa5107342738d9 +size 354807890 diff --git a/Computer_Vision/ssl_resnext101_32x8d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/ssl_resnext101_32x8d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d2ced15c0 --- /dev/null +++ b/Computer_Vision/ssl_resnext101_32x8d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.562632322311401 + set_success: 0.023441553115844727 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ssl_resnext101_32x8d_timm_1e210a44/onnx/ssl_resnext101_32x8d_timm_1e210a44-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ssl_resnext101_32x8d.py +class: ResNet +hash: a37f8b3b +model_name: ssl_resnext101_32x8d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 346492.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 88791336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ssl_resnext101_32x8d_Opset18_timm/ssl_resnext101_32x8d_Opset18.onnx b/Computer_Vision/ssl_resnext101_32x8d_Opset18_timm/ssl_resnext101_32x8d_Opset18.onnx new file mode 100644 index 000000000..8f3e75af0 --- /dev/null +++ b/Computer_Vision/ssl_resnext101_32x8d_Opset18_timm/ssl_resnext101_32x8d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2261569a41a9d1a2635050f9b56d62a32cffd1382256a08a7bf4dbd490718db0 +size 354807890 diff --git a/Computer_Vision/ssl_resnext101_32x8d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/ssl_resnext101_32x8d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5b93e0ad3 --- /dev/null +++ b/Computer_Vision/ssl_resnext101_32x8d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.391925573348999 + set_success: 0.01854681968688965 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ssl_resnext101_32x8d_timm_1e210a44/onnx/ssl_resnext101_32x8d_timm_1e210a44-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ssl_resnext101_32x8d.py +class: ResNet +hash: a37f8b3b +model_name: ssl_resnext101_32x8d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 346492.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 88791336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ssl_resnext50_32x4d_Opset16_timm/ssl_resnext50_32x4d_Opset16.onnx b/Computer_Vision/ssl_resnext50_32x4d_Opset16_timm/ssl_resnext50_32x4d_Opset16.onnx new file mode 100644 index 000000000..dbb806203 --- /dev/null +++ b/Computer_Vision/ssl_resnext50_32x4d_Opset16_timm/ssl_resnext50_32x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a024bc857600ee4035016c132419bfe785600b123d9d201fbb0ae05e339862a3 +size 100003492 diff --git a/Computer_Vision/ssl_resnext50_32x4d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/ssl_resnext50_32x4d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a5292f93a --- /dev/null +++ b/Computer_Vision/ssl_resnext50_32x4d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7170093059539795 + set_success: 0.015241622924804688 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ssl_resnext50_32x4d_timm_41f9ac03/onnx/ssl_resnext50_32x4d_timm_41f9ac03-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ssl_resnext50_32x4d.py +class: ResNet +hash: baf7f18f +model_name: ssl_resnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 97659.6924 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25028904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ssl_resnext50_32x4d_Opset17_timm/ssl_resnext50_32x4d_Opset17.onnx b/Computer_Vision/ssl_resnext50_32x4d_Opset17_timm/ssl_resnext50_32x4d_Opset17.onnx new file mode 100644 index 000000000..bc80a482a --- /dev/null +++ b/Computer_Vision/ssl_resnext50_32x4d_Opset17_timm/ssl_resnext50_32x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a45862e8c44b9e740380471103e084f13bd15ef72bd7ea4f2a58c238a281829 +size 100003492 diff --git a/Computer_Vision/ssl_resnext50_32x4d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/ssl_resnext50_32x4d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e00b9212c --- /dev/null +++ b/Computer_Vision/ssl_resnext50_32x4d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7642402648925781 + set_success: 0.022556543350219727 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ssl_resnext50_32x4d_timm_41f9ac03/onnx/ssl_resnext50_32x4d_timm_41f9ac03-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ssl_resnext50_32x4d.py +class: ResNet +hash: baf7f18f +model_name: ssl_resnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 97659.6924 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25028904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/ssl_resnext50_32x4d_Opset18_timm/ssl_resnext50_32x4d_Opset18.onnx b/Computer_Vision/ssl_resnext50_32x4d_Opset18_timm/ssl_resnext50_32x4d_Opset18.onnx new file mode 100644 index 000000000..b9eb0be01 --- /dev/null +++ b/Computer_Vision/ssl_resnext50_32x4d_Opset18_timm/ssl_resnext50_32x4d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2471152a8b1f32e1c11a4794ab83e072b67c51648be9e92212ed70e57ad9bccd +size 100003492 diff --git a/Computer_Vision/ssl_resnext50_32x4d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/ssl_resnext50_32x4d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..38aa9f91c --- /dev/null +++ b/Computer_Vision/ssl_resnext50_32x4d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7606096267700195 + set_success: 0.01925492286682129 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ssl_resnext50_32x4d_timm_41f9ac03/onnx/ssl_resnext50_32x4d_timm_41f9ac03-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/ssl_resnext50_32x4d.py +class: ResNet +hash: baf7f18f +model_name: ssl_resnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 97659.6924 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25028904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_b_Opset16_torch_hub/swin_b_Opset16.onnx b/Computer_Vision/swin_b_Opset16_torch_hub/swin_b_Opset16.onnx new file mode 100644 index 000000000..9a051a31c --- /dev/null +++ b/Computer_Vision/swin_b_Opset16_torch_hub/swin_b_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f94b59cbd9ed2a4743a2ca74a188708e0f35536f0cc30690aa66c88612c92093 +size 357153163 diff --git a/Computer_Vision/swin_b_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/swin_b_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..2dee7d9c7 --- /dev/null +++ b/Computer_Vision/swin_b_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,225 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 47.16366243362427 + set_success: 0.027952194213867188 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_b_torch_hub_4d805127/onnx/swin_b_torch_hub_4d805127-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/swin_b.py +class: SwinTransformer +hash: f41f6038 +model_name: swin_b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 348782.418 +onnx_ops_counter: + Add: 408 + Cast: 461 + Concat: 525 + Constant: 5585 + ConstantOfShape: 335 + Conv: 1 + Div: 159 + Equal: 220 + Erf: 24 + Expand: 297 + Flatten: 1 + Gather: 491 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 147 + Mod: 102 + Mul: 371 + Not: 11 + Pad: 27 + Pow: 77 + Range: 198 + ReduceMean: 106 + Reshape: 440 + ScatterND: 99 + Shape: 1013 + Slice: 676 + Softmax: 24 + Sqrt: 53 + Sub: 139 + Transpose: 160 + Unsqueeze: 988 + Where: 220 +parameters: 87768224 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_b_Opset17_torch_hub/swin_b_Opset17.onnx b/Computer_Vision/swin_b_Opset17_torch_hub/swin_b_Opset17.onnx new file mode 100644 index 000000000..47db45e50 --- /dev/null +++ b/Computer_Vision/swin_b_Opset17_torch_hub/swin_b_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b58c7355aa9a245e5d07c233c929a1ea21492fd54ccb7e5ebc46ca157cce773 +size 357060047 diff --git a/Computer_Vision/swin_b_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/swin_b_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..3a28e0d14 --- /dev/null +++ b/Computer_Vision/swin_b_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,224 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 46.761287450790405 + set_success: 0.024200439453125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_b_torch_hub_4d805127/onnx/swin_b_torch_hub_4d805127-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/swin_b.py +class: SwinTransformer +hash: f41f6038 +model_name: swin_b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 348691.4844 +onnx_ops_counter: + Add: 302 + Cast: 461 + Concat: 525 + Constant: 5479 + ConstantOfShape: 335 + Conv: 1 + Div: 106 + Equal: 220 + Erf: 24 + Expand: 297 + Flatten: 1 + Gather: 491 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 53 + MatMul: 147 + Mod: 102 + Mul: 318 + Not: 11 + Pad: 27 + Pow: 24 + Range: 198 + Reshape: 440 + ScatterND: 99 + Shape: 1013 + Slice: 676 + Softmax: 24 + Sub: 86 + Transpose: 160 + Unsqueeze: 988 + Where: 220 +parameters: 87768224 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_b_Opset18_torch_hub/swin_b_Opset18.onnx b/Computer_Vision/swin_b_Opset18_torch_hub/swin_b_Opset18.onnx new file mode 100644 index 000000000..edc5e1b6e --- /dev/null +++ b/Computer_Vision/swin_b_Opset18_torch_hub/swin_b_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6eebfc4cc61a7b4fd326e893bab32657d5c867ac5bf95c775d9ee7546b070663 +size 357060047 diff --git a/Computer_Vision/swin_b_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/swin_b_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..5f6cecc95 --- /dev/null +++ b/Computer_Vision/swin_b_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,224 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 48.085336446762085 + set_success: 0.02640509605407715 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_b_torch_hub_4d805127/onnx/swin_b_torch_hub_4d805127-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/swin_b.py +class: SwinTransformer +hash: f41f6038 +model_name: swin_b +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 348691.4844 +onnx_ops_counter: + Add: 302 + Cast: 461 + Concat: 525 + Constant: 5479 + ConstantOfShape: 335 + Conv: 1 + Div: 106 + Equal: 220 + Erf: 24 + Expand: 297 + Flatten: 1 + Gather: 491 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 53 + MatMul: 147 + Mod: 102 + Mul: 318 + Not: 11 + Pad: 27 + Pow: 24 + Range: 198 + Reshape: 440 + ScatterND: 99 + Shape: 1013 + Slice: 676 + Softmax: 24 + Sub: 86 + Transpose: 160 + Unsqueeze: 988 + Where: 220 +parameters: 87768224 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_base_patch4_window12_384_Opset16_timm/swin_base_patch4_window12_384_Opset16.onnx b/Computer_Vision/swin_base_patch4_window12_384_Opset16_timm/swin_base_patch4_window12_384_Opset16.onnx new file mode 100644 index 000000000..84c30d695 --- /dev/null +++ b/Computer_Vision/swin_base_patch4_window12_384_Opset16_timm/swin_base_patch4_window12_384_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:354991a7a135fd8664068c2cc70a3f66842b3826dd6386fd8c9eecb0d89b3bff +size 392755019 diff --git a/Computer_Vision/swin_base_patch4_window12_384_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swin_base_patch4_window12_384_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..dd2110a5f --- /dev/null +++ b/Computer_Vision/swin_base_patch4_window12_384_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.8403902053833 + set_success: 0.025277376174926758 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_base_patch4_window12_384_timm_2b469e32/onnx/swin_base_patch4_window12_384_timm_2b469e32-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_base_patch4_window12_384.py +class: SwinTransformer +hash: de402fcd +model_name: swin_base_patch4_window12_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 383549.8555 +onnx_ops_counter: + Add: 357 + Cast: 240 + Concat: 285 + Constant: 2631 + ConstantOfShape: 24 + Conv: 1 + Div: 173 + Erf: 24 + Gather: 192 + Gemm: 1 + MatMul: 147 + Mod: 96 + Mul: 125 + Pad: 24 + Pow: 53 + ReduceMean: 107 + Reshape: 316 + Shape: 195 + Slice: 163 + Softmax: 24 + Split: 24 + Sqrt: 53 + Squeeze: 72 + Sub: 125 + Transpose: 148 + Unsqueeze: 500 +parameters: 87903584 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_base_patch4_window12_384_Opset17_timm/swin_base_patch4_window12_384_Opset17.onnx b/Computer_Vision/swin_base_patch4_window12_384_Opset17_timm/swin_base_patch4_window12_384_Opset17.onnx new file mode 100644 index 000000000..663783f77 --- /dev/null +++ b/Computer_Vision/swin_base_patch4_window12_384_Opset17_timm/swin_base_patch4_window12_384_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f5c6efde10fe98756c08c2609f5880315a735650210406ad788d3566526ce8d6 +size 392662031 diff --git a/Computer_Vision/swin_base_patch4_window12_384_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swin_base_patch4_window12_384_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..23c568d31 --- /dev/null +++ b/Computer_Vision/swin_base_patch4_window12_384_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.479623079299927 + set_success: 0.02809929847717285 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_base_patch4_window12_384_timm_2b469e32/onnx/swin_base_patch4_window12_384_timm_2b469e32-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_base_patch4_window12_384.py +class: SwinTransformer +hash: de402fcd +model_name: swin_base_patch4_window12_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 383459.0469 +onnx_ops_counter: + Add: 251 + Cast: 240 + Concat: 285 + Constant: 2525 + ConstantOfShape: 24 + Conv: 1 + Div: 120 + Erf: 24 + Gather: 192 + Gemm: 1 + LayerNormalization: 53 + MatMul: 147 + Mod: 96 + Mul: 72 + Pad: 24 + ReduceMean: 1 + Reshape: 316 + Shape: 195 + Slice: 163 + Softmax: 24 + Split: 24 + Squeeze: 72 + Sub: 72 + Transpose: 148 + Unsqueeze: 500 +parameters: 87903584 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_base_patch4_window12_384_in22k_Opset16_timm/swin_base_patch4_window12_384_in22k_Opset16.onnx b/Computer_Vision/swin_base_patch4_window12_384_in22k_Opset16_timm/swin_base_patch4_window12_384_in22k_Opset16.onnx new file mode 100644 index 000000000..7eedd9ab6 --- /dev/null +++ b/Computer_Vision/swin_base_patch4_window12_384_in22k_Opset16_timm/swin_base_patch4_window12_384_in22k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c28d024aadc5ea2216a965be4c674d6e1d70b2510aa4d305cf7be26516238e09 +size 478203124 diff --git a/Computer_Vision/swin_base_patch4_window12_384_in22k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swin_base_patch4_window12_384_in22k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c8835aa73 --- /dev/null +++ b/Computer_Vision/swin_base_patch4_window12_384_in22k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 20.984590768814087 + set_success: 0.02548694610595703 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_base_patch4_window12_384_in22k_timm_d0e9c23a/onnx/swin_base_patch4_window12_384_in22k_timm_d0e9c23a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_base_patch4_window12_384_in22k.py +class: SwinTransformer +hash: 1d556245 +model_name: swin_base_patch4_window12_384_in22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 466995.2705 +onnx_ops_counter: + Add: 357 + Cast: 240 + Concat: 285 + Constant: 2631 + ConstantOfShape: 24 + Conv: 1 + Div: 173 + Erf: 24 + Gather: 192 + Gemm: 1 + MatMul: 147 + Mod: 96 + Mul: 125 + Pad: 24 + Pow: 53 + ReduceMean: 107 + Reshape: 316 + Shape: 195 + Slice: 163 + Softmax: 24 + Split: 24 + Sqrt: 53 + Squeeze: 72 + Sub: 125 + Transpose: 148 + Unsqueeze: 500 +parameters: 109265609 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_base_patch4_window12_384_in22k_Opset17_timm/swin_base_patch4_window12_384_in22k_Opset17.onnx b/Computer_Vision/swin_base_patch4_window12_384_in22k_Opset17_timm/swin_base_patch4_window12_384_in22k_Opset17.onnx new file mode 100644 index 000000000..7630581b6 --- /dev/null +++ b/Computer_Vision/swin_base_patch4_window12_384_in22k_Opset17_timm/swin_base_patch4_window12_384_in22k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:815fb2874ffae0714265cca5389133bf0e5c84f46e1517dfbc2d6aa5b95e916b +size 478110136 diff --git a/Computer_Vision/swin_base_patch4_window12_384_in22k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swin_base_patch4_window12_384_in22k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c26d1f8d6 --- /dev/null +++ b/Computer_Vision/swin_base_patch4_window12_384_in22k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.45656967163086 + set_success: 0.026657581329345703 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_base_patch4_window12_384_in22k_timm_d0e9c23a/onnx/swin_base_patch4_window12_384_in22k_timm_d0e9c23a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_base_patch4_window12_384_in22k.py +class: SwinTransformer +hash: 1d556245 +model_name: swin_base_patch4_window12_384_in22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 466904.4619 +onnx_ops_counter: + Add: 251 + Cast: 240 + Concat: 285 + Constant: 2525 + ConstantOfShape: 24 + Conv: 1 + Div: 120 + Erf: 24 + Gather: 192 + Gemm: 1 + LayerNormalization: 53 + MatMul: 147 + Mod: 96 + Mul: 72 + Pad: 24 + ReduceMean: 1 + Reshape: 316 + Shape: 195 + Slice: 163 + Softmax: 24 + Split: 24 + Squeeze: 72 + Sub: 72 + Transpose: 148 + Unsqueeze: 500 +parameters: 109265609 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_base_patch4_window7_224_Opset16_timm/swin_base_patch4_window7_224_Opset16.onnx b/Computer_Vision/swin_base_patch4_window7_224_Opset16_timm/swin_base_patch4_window7_224_Opset16.onnx new file mode 100644 index 000000000..4f4ee853a --- /dev/null +++ b/Computer_Vision/swin_base_patch4_window7_224_Opset16_timm/swin_base_patch4_window7_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d6ffc550df3f42297ff7a005cd641cc56c34d0e4a81f5bec5d1d67e80047aaf5 +size 356671661 diff --git a/Computer_Vision/swin_base_patch4_window7_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swin_base_patch4_window7_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4cacc0b49 --- /dev/null +++ b/Computer_Vision/swin_base_patch4_window7_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 18.953900575637817 + set_success: 0.02539992332458496 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_base_patch4_window7_224_timm_b656d41d/onnx/swin_base_patch4_window7_224_timm_b656d41d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_base_patch4_window7_224.py +class: SwinTransformer +hash: de402fcd +model_name: swin_base_patch4_window7_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 348312.2012 +onnx_ops_counter: + Add: 357 + Cast: 240 + Concat: 285 + Constant: 2631 + ConstantOfShape: 24 + Conv: 1 + Div: 173 + Erf: 24 + Gather: 192 + Gemm: 1 + MatMul: 147 + Mod: 96 + Mul: 125 + Pad: 24 + Pow: 53 + ReduceMean: 107 + Reshape: 316 + Shape: 195 + Slice: 163 + Softmax: 24 + Split: 24 + Sqrt: 53 + Squeeze: 72 + Sub: 125 + Transpose: 148 + Unsqueeze: 500 +parameters: 87768224 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_base_patch4_window7_224_Opset17_timm/swin_base_patch4_window7_224_Opset17.onnx b/Computer_Vision/swin_base_patch4_window7_224_Opset17_timm/swin_base_patch4_window7_224_Opset17.onnx new file mode 100644 index 000000000..354b3f22c --- /dev/null +++ b/Computer_Vision/swin_base_patch4_window7_224_Opset17_timm/swin_base_patch4_window7_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:efd1a953ccc26140beb91a6667cce4cf6ad8578f26f7a18b7a5a1c52b56d9988 +size 356578673 diff --git a/Computer_Vision/swin_base_patch4_window7_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swin_base_patch4_window7_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a91c09aff --- /dev/null +++ b/Computer_Vision/swin_base_patch4_window7_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.218360424041748 + set_success: 0.020207643508911133 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_base_patch4_window7_224_timm_b656d41d/onnx/swin_base_patch4_window7_224_timm_b656d41d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_base_patch4_window7_224.py +class: SwinTransformer +hash: de402fcd +model_name: swin_base_patch4_window7_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 348221.3926 +onnx_ops_counter: + Add: 251 + Cast: 240 + Concat: 285 + Constant: 2525 + ConstantOfShape: 24 + Conv: 1 + Div: 120 + Erf: 24 + Gather: 192 + Gemm: 1 + LayerNormalization: 53 + MatMul: 147 + Mod: 96 + Mul: 72 + Pad: 24 + ReduceMean: 1 + Reshape: 316 + Shape: 195 + Slice: 163 + Softmax: 24 + Split: 24 + Squeeze: 72 + Sub: 72 + Transpose: 148 + Unsqueeze: 500 +parameters: 87768224 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_base_patch4_window7_224_in22k_Opset16_timm/swin_base_patch4_window7_224_in22k_Opset16.onnx b/Computer_Vision/swin_base_patch4_window7_224_in22k_Opset16_timm/swin_base_patch4_window7_224_in22k_Opset16.onnx new file mode 100644 index 000000000..5c171b2bf --- /dev/null +++ b/Computer_Vision/swin_base_patch4_window7_224_in22k_Opset16_timm/swin_base_patch4_window7_224_in22k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:be71787c061732572c49013796b9e8341c795293de3e59786a7500dd639e9bfe +size 442119766 diff --git a/Computer_Vision/swin_base_patch4_window7_224_in22k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swin_base_patch4_window7_224_in22k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..03a2f9813 --- /dev/null +++ b/Computer_Vision/swin_base_patch4_window7_224_in22k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.80624556541443 + set_success: 0.0210418701171875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_base_patch4_window7_224_in22k_timm_ce9b146c/onnx/swin_base_patch4_window7_224_in22k_timm_ce9b146c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_base_patch4_window7_224_in22k.py +class: SwinTransformer +hash: 1d556245 +model_name: swin_base_patch4_window7_224_in22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 431757.6162 +onnx_ops_counter: + Add: 357 + Cast: 240 + Concat: 285 + Constant: 2631 + ConstantOfShape: 24 + Conv: 1 + Div: 173 + Erf: 24 + Gather: 192 + Gemm: 1 + MatMul: 147 + Mod: 96 + Mul: 125 + Pad: 24 + Pow: 53 + ReduceMean: 107 + Reshape: 316 + Shape: 195 + Slice: 163 + Softmax: 24 + Split: 24 + Sqrt: 53 + Squeeze: 72 + Sub: 125 + Transpose: 148 + Unsqueeze: 500 +parameters: 109130249 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_base_patch4_window7_224_in22k_Opset17_timm/swin_base_patch4_window7_224_in22k_Opset17.onnx b/Computer_Vision/swin_base_patch4_window7_224_in22k_Opset17_timm/swin_base_patch4_window7_224_in22k_Opset17.onnx new file mode 100644 index 000000000..6033016e6 --- /dev/null +++ b/Computer_Vision/swin_base_patch4_window7_224_in22k_Opset17_timm/swin_base_patch4_window7_224_in22k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83990efb1442e7ded54a793244e7b02515c376ea2c15a0d098d9bb6b119f4c5c +size 442026778 diff --git a/Computer_Vision/swin_base_patch4_window7_224_in22k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swin_base_patch4_window7_224_in22k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7ddec1a22 --- /dev/null +++ b/Computer_Vision/swin_base_patch4_window7_224_in22k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 20.328558444976807 + set_success: 0.025495529174804688 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_base_patch4_window7_224_in22k_timm_ce9b146c/onnx/swin_base_patch4_window7_224_in22k_timm_ce9b146c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_base_patch4_window7_224_in22k.py +class: SwinTransformer +hash: 1d556245 +model_name: swin_base_patch4_window7_224_in22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 431666.8076 +onnx_ops_counter: + Add: 251 + Cast: 240 + Concat: 285 + Constant: 2525 + ConstantOfShape: 24 + Conv: 1 + Div: 120 + Erf: 24 + Gather: 192 + Gemm: 1 + LayerNormalization: 53 + MatMul: 147 + Mod: 96 + Mul: 72 + Pad: 24 + ReduceMean: 1 + Reshape: 316 + Shape: 195 + Slice: 163 + Softmax: 24 + Split: 24 + Squeeze: 72 + Sub: 72 + Transpose: 148 + Unsqueeze: 500 +parameters: 109130249 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_large_patch4_window12_384_Opset16_timm/swin_large_patch4_window12_384_Opset16.onnx b/Computer_Vision/swin_large_patch4_window12_384_Opset16_timm/swin_large_patch4_window12_384_Opset16.onnx new file mode 100644 index 000000000..dcfd6525f --- /dev/null +++ b/Computer_Vision/swin_large_patch4_window12_384_Opset16_timm/swin_large_patch4_window12_384_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d1e87cb8b4cdcd1c9a9ac823f421c6fd1e088bba07eda5ba05c5855f990a866 +size 843278459 diff --git a/Computer_Vision/swin_large_patch4_window12_384_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swin_large_patch4_window12_384_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c13d07155 --- /dev/null +++ b/Computer_Vision/swin_large_patch4_window12_384_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 26.26364278793335 + set_success: 0.41336798667907715 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_large_patch4_window12_384_timm_c31b5205/onnx/swin_large_patch4_window12_384_timm_c31b5205-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_large_patch4_window12_384.py +class: SwinTransformer +hash: 2512ab12 +model_name: swin_large_patch4_window12_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 823514.1523 +onnx_ops_counter: + Add: 357 + Cast: 240 + Concat: 285 + Constant: 2631 + ConstantOfShape: 24 + Conv: 1 + Div: 173 + Erf: 24 + Gather: 192 + Gemm: 1 + MatMul: 147 + Mod: 96 + Mul: 125 + Pad: 24 + Pow: 53 + ReduceMean: 107 + Reshape: 316 + Shape: 195 + Slice: 163 + Softmax: 24 + Split: 24 + Sqrt: 53 + Squeeze: 72 + Sub: 125 + Transpose: 148 + Unsqueeze: 500 +parameters: 196735516 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_large_patch4_window12_384_Opset17_timm/swin_large_patch4_window12_384_Opset17.onnx b/Computer_Vision/swin_large_patch4_window12_384_Opset17_timm/swin_large_patch4_window12_384_Opset17.onnx new file mode 100644 index 000000000..4a6243ed0 --- /dev/null +++ b/Computer_Vision/swin_large_patch4_window12_384_Opset17_timm/swin_large_patch4_window12_384_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:acdda96caf95fe4641001649ae23e5b80cee8106e6a08f784b755aedf9211529 +size 843185471 diff --git a/Computer_Vision/swin_large_patch4_window12_384_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swin_large_patch4_window12_384_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5bfad8e90 --- /dev/null +++ b/Computer_Vision/swin_large_patch4_window12_384_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 27.63983917236328 + set_success: 0.03219151496887207 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_large_patch4_window12_384_timm_c31b5205/onnx/swin_large_patch4_window12_384_timm_c31b5205-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_large_patch4_window12_384.py +class: SwinTransformer +hash: 2512ab12 +model_name: swin_large_patch4_window12_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 823423.3438 +onnx_ops_counter: + Add: 251 + Cast: 240 + Concat: 285 + Constant: 2525 + ConstantOfShape: 24 + Conv: 1 + Div: 120 + Erf: 24 + Gather: 192 + Gemm: 1 + LayerNormalization: 53 + MatMul: 147 + Mod: 96 + Mul: 72 + Pad: 24 + ReduceMean: 1 + Reshape: 316 + Shape: 195 + Slice: 163 + Softmax: 24 + Split: 24 + Squeeze: 72 + Sub: 72 + Transpose: 148 + Unsqueeze: 500 +parameters: 196735516 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_large_patch4_window12_384_in22k_Opset16_timm/swin_large_patch4_window12_384_in22k_Opset16.onnx b/Computer_Vision/swin_large_patch4_window12_384_in22k_Opset16_timm/swin_large_patch4_window12_384_in22k_Opset16.onnx new file mode 100644 index 000000000..d937098cd --- /dev/null +++ b/Computer_Vision/swin_large_patch4_window12_384_in22k_Opset16_timm/swin_large_patch4_window12_384_in22k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d922528e12167f1a7f9d7ec253df75e2825cc144eb14e97862e1e16451b092c1 +size 971408932 diff --git a/Computer_Vision/swin_large_patch4_window12_384_in22k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swin_large_patch4_window12_384_in22k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..35c019ff8 --- /dev/null +++ b/Computer_Vision/swin_large_patch4_window12_384_in22k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 26.542211532592773 + set_success: 1.256453275680542 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_large_patch4_window12_384_in22k_timm_c30c0af2/onnx/swin_large_patch4_window12_384_in22k_timm_c30c0af2-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_large_patch4_window12_384_in22k.py +class: SwinTransformer +hash: 742a8327 +model_name: swin_large_patch4_window12_384_in22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 948641.5674 +onnx_ops_counter: + Add: 357 + Cast: 240 + Concat: 285 + Constant: 2631 + ConstantOfShape: 24 + Conv: 1 + Div: 173 + Erf: 24 + Gather: 192 + Gemm: 1 + MatMul: 147 + Mod: 96 + Mul: 125 + Pad: 24 + Pow: 53 + ReduceMean: 107 + Reshape: 316 + Shape: 195 + Slice: 163 + Softmax: 24 + Split: 24 + Sqrt: 53 + Squeeze: 72 + Sub: 125 + Transpose: 148 + Unsqueeze: 500 +parameters: 228768133 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_large_patch4_window12_384_in22k_Opset17_timm/swin_large_patch4_window12_384_in22k_Opset17.onnx b/Computer_Vision/swin_large_patch4_window12_384_in22k_Opset17_timm/swin_large_patch4_window12_384_in22k_Opset17.onnx new file mode 100644 index 000000000..2e94026ad --- /dev/null +++ b/Computer_Vision/swin_large_patch4_window12_384_in22k_Opset17_timm/swin_large_patch4_window12_384_in22k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9692a2c829f0b3f761070c323ad641848e29d324d6ee0dd8f2c01219ffece403 +size 971315944 diff --git a/Computer_Vision/swin_large_patch4_window12_384_in22k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swin_large_patch4_window12_384_in22k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..34bcb12c8 --- /dev/null +++ b/Computer_Vision/swin_large_patch4_window12_384_in22k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 30.66048240661621 + set_success: 0.04644608497619629 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_large_patch4_window12_384_in22k_timm_c30c0af2/onnx/swin_large_patch4_window12_384_in22k_timm_c30c0af2-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_large_patch4_window12_384_in22k.py +class: SwinTransformer +hash: 742a8327 +model_name: swin_large_patch4_window12_384_in22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 948550.7588 +onnx_ops_counter: + Add: 251 + Cast: 240 + Concat: 285 + Constant: 2525 + ConstantOfShape: 24 + Conv: 1 + Div: 120 + Erf: 24 + Gather: 192 + Gemm: 1 + LayerNormalization: 53 + MatMul: 147 + Mod: 96 + Mul: 72 + Pad: 24 + ReduceMean: 1 + Reshape: 316 + Shape: 195 + Slice: 163 + Softmax: 24 + Split: 24 + Squeeze: 72 + Sub: 72 + Transpose: 148 + Unsqueeze: 500 +parameters: 228768133 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_large_patch4_window7_224_Opset16_timm/swin_large_patch4_window7_224_Opset16.onnx b/Computer_Vision/swin_large_patch4_window7_224_Opset16_timm/swin_large_patch4_window7_224_Opset16.onnx new file mode 100644 index 000000000..6fa2d95d5 --- /dev/null +++ b/Computer_Vision/swin_large_patch4_window7_224_Opset16_timm/swin_large_patch4_window7_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e62a2374e121d7c9e029ddb529458b42a2220a42cd8e3883716e4f1d7aa6c947 +size 793407181 diff --git a/Computer_Vision/swin_large_patch4_window7_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swin_large_patch4_window7_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ce4b7c928 --- /dev/null +++ b/Computer_Vision/swin_large_patch4_window7_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 26.900750160217285 + set_success: 1.2002224922180176 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_large_patch4_window7_224_timm_9a681c2b/onnx/swin_large_patch4_window7_224_timm_9a681c2b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_large_patch4_window7_224.py +class: SwinTransformer +hash: 2512ab12 +model_name: swin_large_patch4_window7_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 774811.7324 +onnx_ops_counter: + Add: 357 + Cast: 240 + Concat: 285 + Constant: 2631 + ConstantOfShape: 24 + Conv: 1 + Div: 173 + Erf: 24 + Gather: 192 + Gemm: 1 + MatMul: 147 + Mod: 96 + Mul: 125 + Pad: 24 + Pow: 53 + ReduceMean: 107 + Reshape: 316 + Shape: 195 + Slice: 163 + Softmax: 24 + Split: 24 + Sqrt: 53 + Squeeze: 72 + Sub: 125 + Transpose: 148 + Unsqueeze: 500 +parameters: 196532476 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_large_patch4_window7_224_Opset17_timm/swin_large_patch4_window7_224_Opset17.onnx b/Computer_Vision/swin_large_patch4_window7_224_Opset17_timm/swin_large_patch4_window7_224_Opset17.onnx new file mode 100644 index 000000000..40c226ee0 --- /dev/null +++ b/Computer_Vision/swin_large_patch4_window7_224_Opset17_timm/swin_large_patch4_window7_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f830079cee36bd84a60a8fef5bbcfc9680dcc02c978df28de4bdd25ee3174440 +size 793314193 diff --git a/Computer_Vision/swin_large_patch4_window7_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swin_large_patch4_window7_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ccccf4a34 --- /dev/null +++ b/Computer_Vision/swin_large_patch4_window7_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 24.365630865097046 + set_success: 0.027390003204345703 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_large_patch4_window7_224_timm_9a681c2b/onnx/swin_large_patch4_window7_224_timm_9a681c2b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_large_patch4_window7_224.py +class: SwinTransformer +hash: 2512ab12 +model_name: swin_large_patch4_window7_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 774720.9238 +onnx_ops_counter: + Add: 251 + Cast: 240 + Concat: 285 + Constant: 2525 + ConstantOfShape: 24 + Conv: 1 + Div: 120 + Erf: 24 + Gather: 192 + Gemm: 1 + LayerNormalization: 53 + MatMul: 147 + Mod: 96 + Mul: 72 + Pad: 24 + ReduceMean: 1 + Reshape: 316 + Shape: 195 + Slice: 163 + Softmax: 24 + Split: 24 + Squeeze: 72 + Sub: 72 + Transpose: 148 + Unsqueeze: 500 +parameters: 196532476 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_large_patch4_window7_224_in22k_Opset16_timm/swin_large_patch4_window7_224_in22k_Opset16.onnx b/Computer_Vision/swin_large_patch4_window7_224_in22k_Opset16_timm/swin_large_patch4_window7_224_in22k_Opset16.onnx new file mode 100644 index 000000000..b0fad2bfc --- /dev/null +++ b/Computer_Vision/swin_large_patch4_window7_224_in22k_Opset16_timm/swin_large_patch4_window7_224_in22k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff94b77a3e53b0fa9c5acd4c66764a497014bd4b8f1ecbd05376a1edc888d383 +size 921537654 diff --git a/Computer_Vision/swin_large_patch4_window7_224_in22k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swin_large_patch4_window7_224_in22k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3dde042ff --- /dev/null +++ b/Computer_Vision/swin_large_patch4_window7_224_in22k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 26.97133493423462 + set_success: 0.02513718605041504 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_large_patch4_window7_224_in22k_timm_9645f71d/onnx/swin_large_patch4_window7_224_in22k_timm_9645f71d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_large_patch4_window7_224_in22k.py +class: SwinTransformer +hash: 742a8327 +model_name: swin_large_patch4_window7_224_in22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 899939.1475 +onnx_ops_counter: + Add: 357 + Cast: 240 + Concat: 285 + Constant: 2631 + ConstantOfShape: 24 + Conv: 1 + Div: 173 + Erf: 24 + Gather: 192 + Gemm: 1 + MatMul: 147 + Mod: 96 + Mul: 125 + Pad: 24 + Pow: 53 + ReduceMean: 107 + Reshape: 316 + Shape: 195 + Slice: 163 + Softmax: 24 + Split: 24 + Sqrt: 53 + Squeeze: 72 + Sub: 125 + Transpose: 148 + Unsqueeze: 500 +parameters: 228565093 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_large_patch4_window7_224_in22k_Opset17_timm/swin_large_patch4_window7_224_in22k_Opset17.onnx b/Computer_Vision/swin_large_patch4_window7_224_in22k_Opset17_timm/swin_large_patch4_window7_224_in22k_Opset17.onnx new file mode 100644 index 000000000..8f5d93035 --- /dev/null +++ b/Computer_Vision/swin_large_patch4_window7_224_in22k_Opset17_timm/swin_large_patch4_window7_224_in22k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f7ba8c66ebf71b643ee499b8480b30307c823b72647dbbc4ff2e545f2986ec3 +size 921444666 diff --git a/Computer_Vision/swin_large_patch4_window7_224_in22k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swin_large_patch4_window7_224_in22k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7f2a818e8 --- /dev/null +++ b/Computer_Vision/swin_large_patch4_window7_224_in22k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 23.948567628860474 + set_success: 0.02553868293762207 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_large_patch4_window7_224_in22k_timm_9645f71d/onnx/swin_large_patch4_window7_224_in22k_timm_9645f71d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_large_patch4_window7_224_in22k.py +class: SwinTransformer +hash: 742a8327 +model_name: swin_large_patch4_window7_224_in22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 899848.3389 +onnx_ops_counter: + Add: 251 + Cast: 240 + Concat: 285 + Constant: 2525 + ConstantOfShape: 24 + Conv: 1 + Div: 120 + Erf: 24 + Gather: 192 + Gemm: 1 + LayerNormalization: 53 + MatMul: 147 + Mod: 96 + Mul: 72 + Pad: 24 + ReduceMean: 1 + Reshape: 316 + Shape: 195 + Slice: 163 + Softmax: 24 + Split: 24 + Squeeze: 72 + Sub: 72 + Transpose: 148 + Unsqueeze: 500 +parameters: 228565093 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_s3_base_224_Opset16_timm/swin_s3_base_224_Opset16.onnx b/Computer_Vision/swin_s3_base_224_Opset16_timm/swin_s3_base_224_Opset16.onnx new file mode 100644 index 000000000..8e68ef746 --- /dev/null +++ b/Computer_Vision/swin_s3_base_224_Opset16_timm/swin_s3_base_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b6b75b7e8ce9d734caad1fca38e02da061ed8653dbde0dd2e6a5b4688b2b9e8f +size 341667615 diff --git a/Computer_Vision/swin_s3_base_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swin_s3_base_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..47fd07de0 --- /dev/null +++ b/Computer_Vision/swin_s3_base_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 36.63268542289734 + set_success: 0.022868633270263672 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_s3_base_224_timm_4b3d31b0/onnx/swin_s3_base_224_timm_4b3d31b0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_s3_base_224.py +class: SwinTransformer +hash: be2d3f36 +model_name: swin_s3_base_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 333659.8125 +onnx_ops_counter: + Add: 516 + Cast: 360 + Concat: 339 + Constant: 3441 + ConstantOfShape: 36 + Conv: 1 + Div: 257 + Erf: 36 + Gather: 288 + Gemm: 1 + MatMul: 219 + Mod: 144 + Mul: 185 + Pad: 36 + Pow: 77 + ReduceMean: 155 + Reshape: 442 + Shape: 291 + Slice: 127 + Softmax: 36 + Split: 36 + Sqrt: 77 + Squeeze: 108 + Sub: 185 + Transpose: 220 + Unsqueeze: 692 +parameters: 71125762 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_s3_base_224_Opset17_timm/swin_s3_base_224_Opset17.onnx b/Computer_Vision/swin_s3_base_224_Opset17_timm/swin_s3_base_224_Opset17.onnx new file mode 100644 index 000000000..5a5d88957 --- /dev/null +++ b/Computer_Vision/swin_s3_base_224_Opset17_timm/swin_s3_base_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62720b16358e227bd03ab4bb3b7295832ea6f5249305a86769ed83888fc81dec +size 341530658 diff --git a/Computer_Vision/swin_s3_base_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swin_s3_base_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f87feade0 --- /dev/null +++ b/Computer_Vision/swin_s3_base_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 34.86891269683838 + set_success: 0.023392438888549805 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_s3_base_224_timm_4b3d31b0/onnx/swin_s3_base_224_timm_4b3d31b0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_s3_base_224.py +class: SwinTransformer +hash: be2d3f36 +model_name: swin_s3_base_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 333526.0654 +onnx_ops_counter: + Add: 362 + Cast: 360 + Concat: 339 + Constant: 3287 + ConstantOfShape: 36 + Conv: 1 + Div: 180 + Erf: 36 + Gather: 288 + Gemm: 1 + LayerNormalization: 77 + MatMul: 219 + Mod: 144 + Mul: 108 + Pad: 36 + ReduceMean: 1 + Reshape: 442 + Shape: 291 + Slice: 127 + Softmax: 36 + Split: 36 + Squeeze: 108 + Sub: 108 + Transpose: 220 + Unsqueeze: 692 +parameters: 71125762 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_s3_small_224_Opset16_timm/swin_s3_small_224_Opset16.onnx b/Computer_Vision/swin_s3_small_224_Opset16_timm/swin_s3_small_224_Opset16.onnx new file mode 100644 index 000000000..d15489dc9 --- /dev/null +++ b/Computer_Vision/swin_s3_small_224_Opset16_timm/swin_s3_small_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d96cc286759f5d1214ea85ff5ebd90eddeabeeff8b172a9d5d19dce5d2c7e69f +size 238759344 diff --git a/Computer_Vision/swin_s3_small_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swin_s3_small_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5d6fc488e --- /dev/null +++ b/Computer_Vision/swin_s3_small_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.799973487854004 + set_success: 0.026582002639770508 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_s3_small_224_timm_c2e89033/onnx/swin_s3_small_224_timm_c2e89033-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_s3_small_224.py +class: SwinTransformer +hash: 4fb283e4 +model_name: swin_s3_small_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 233163.4541 +onnx_ops_counter: + Add: 348 + Cast: 240 + Concat: 231 + Constant: 2325 + ConstantOfShape: 24 + Conv: 1 + Div: 173 + Erf: 24 + Gather: 192 + Gemm: 1 + MatMul: 147 + Mod: 96 + Mul: 125 + Pad: 24 + Pow: 53 + ReduceMean: 107 + Reshape: 298 + Shape: 195 + Slice: 91 + Softmax: 24 + Split: 24 + Sqrt: 53 + Squeeze: 72 + Sub: 125 + Transpose: 148 + Unsqueeze: 464 +parameters: 49737298 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_s3_small_224_Opset17_timm/swin_s3_small_224_Opset17.onnx b/Computer_Vision/swin_s3_small_224_Opset17_timm/swin_s3_small_224_Opset17.onnx new file mode 100644 index 000000000..2df9594b3 --- /dev/null +++ b/Computer_Vision/swin_s3_small_224_Opset17_timm/swin_s3_small_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd92fdba5e329a403102b086b6a4cecbbe75d22e87b7dce523d3ffdf89b37fd7 +size 238666239 diff --git a/Computer_Vision/swin_s3_small_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swin_s3_small_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..373a7f966 --- /dev/null +++ b/Computer_Vision/swin_s3_small_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.616313695907593 + set_success: 0.019069433212280273 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_s3_small_224_timm_c2e89033/onnx/swin_s3_small_224_timm_c2e89033-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_s3_small_224.py +class: SwinTransformer +hash: 4fb283e4 +model_name: swin_s3_small_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 233072.5312 +onnx_ops_counter: + Add: 242 + Cast: 240 + Concat: 231 + Constant: 2219 + ConstantOfShape: 24 + Conv: 1 + Div: 120 + Erf: 24 + Gather: 192 + Gemm: 1 + LayerNormalization: 53 + MatMul: 147 + Mod: 96 + Mul: 72 + Pad: 24 + ReduceMean: 1 + Reshape: 298 + Shape: 195 + Slice: 91 + Softmax: 24 + Split: 24 + Squeeze: 72 + Sub: 72 + Transpose: 148 + Unsqueeze: 464 +parameters: 49737298 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_s3_tiny_224_Opset16_timm/swin_s3_tiny_224_Opset16.onnx b/Computer_Vision/swin_s3_tiny_224_Opset16_timm/swin_s3_tiny_224_Opset16.onnx new file mode 100644 index 000000000..d4bfe6341 --- /dev/null +++ b/Computer_Vision/swin_s3_tiny_224_Opset16_timm/swin_s3_tiny_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d045013e9f8848057d3c4c0523405844d647520f78fb23350fb060af6aba8f7 +size 126058198 diff --git a/Computer_Vision/swin_s3_tiny_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swin_s3_tiny_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f63a3a173 --- /dev/null +++ b/Computer_Vision/swin_s3_tiny_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.939692258834839 + set_success: 0.01809096336364746 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_s3_tiny_224_timm_cdc6c81f/onnx/swin_s3_tiny_224_timm_cdc6c81f-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_s3_tiny_224.py +class: SwinTransformer +hash: ca04ce4b +model_name: swin_s3_tiny_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 123103.7412 +onnx_ops_counter: + Add: 180 + Cast: 120 + Concat: 123 + Constant: 1209 + ConstantOfShape: 12 + Conv: 1 + Div: 89 + Erf: 12 + Gather: 96 + Gemm: 1 + MatMul: 75 + Mod: 48 + Mul: 65 + Pad: 12 + Pow: 29 + ReduceMean: 59 + Reshape: 154 + Shape: 99 + Slice: 55 + Softmax: 12 + Split: 12 + Sqrt: 29 + Squeeze: 36 + Sub: 65 + Transpose: 76 + Unsqueeze: 236 +parameters: 28328674 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_s3_tiny_224_Opset17_timm/swin_s3_tiny_224_Opset17.onnx b/Computer_Vision/swin_s3_tiny_224_Opset17_timm/swin_s3_tiny_224_Opset17.onnx new file mode 100644 index 000000000..3b0befee3 --- /dev/null +++ b/Computer_Vision/swin_s3_tiny_224_Opset17_timm/swin_s3_tiny_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c95b841850daed00ccf6b9ef8c671af525770b322a7140f06159ab0261e3f679 +size 126008574 diff --git a/Computer_Vision/swin_s3_tiny_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swin_s3_tiny_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7140343ac --- /dev/null +++ b/Computer_Vision/swin_s3_tiny_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.6687846183776855 + set_success: 0.017780303955078125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_s3_tiny_224_timm_cdc6c81f/onnx/swin_s3_tiny_224_timm_cdc6c81f-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_s3_tiny_224.py +class: SwinTransformer +hash: ca04ce4b +model_name: swin_s3_tiny_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 123055.2803 +onnx_ops_counter: + Add: 122 + Cast: 120 + Concat: 123 + Constant: 1151 + ConstantOfShape: 12 + Conv: 1 + Div: 60 + Erf: 12 + Gather: 96 + Gemm: 1 + LayerNormalization: 29 + MatMul: 75 + Mod: 48 + Mul: 36 + Pad: 12 + ReduceMean: 1 + Reshape: 154 + Shape: 99 + Slice: 55 + Softmax: 12 + Split: 12 + Squeeze: 36 + Sub: 36 + Transpose: 76 + Unsqueeze: 236 +parameters: 28328674 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_s_Opset16_torch_hub/swin_s_Opset16.onnx b/Computer_Vision/swin_s_Opset16_torch_hub/swin_s_Opset16.onnx new file mode 100644 index 000000000..347f52a1e --- /dev/null +++ b/Computer_Vision/swin_s_Opset16_torch_hub/swin_s_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:843120e7ed876e7570d6f5ac8521dfd0990c87a0bece14cfe598948f4104e5d6 +size 203665998 diff --git a/Computer_Vision/swin_s_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/swin_s_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..3e3e86f49 --- /dev/null +++ b/Computer_Vision/swin_s_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,225 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 45.92782402038574 + set_success: 0.022403240203857422 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_s_torch_hub_62bf8c0e/onnx/swin_s_torch_hub_62bf8c0e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/swin_s.py +class: SwinTransformer +hash: 910bca4e +model_name: swin_s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 198892.6084 +onnx_ops_counter: + Add: 408 + Cast: 461 + Concat: 525 + Constant: 5585 + ConstantOfShape: 335 + Conv: 1 + Div: 159 + Equal: 220 + Erf: 24 + Expand: 297 + Flatten: 1 + Gather: 491 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 147 + Mod: 102 + Mul: 371 + Not: 11 + Pad: 27 + Pow: 77 + Range: 198 + ReduceMean: 106 + Reshape: 440 + ScatterND: 99 + Shape: 1013 + Slice: 676 + Softmax: 24 + Sqrt: 53 + Sub: 139 + Transpose: 160 + Unsqueeze: 988 + Where: 220 +parameters: 49606258 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_s_Opset17_torch_hub/swin_s_Opset17.onnx b/Computer_Vision/swin_s_Opset17_torch_hub/swin_s_Opset17.onnx new file mode 100644 index 000000000..93bf149be --- /dev/null +++ b/Computer_Vision/swin_s_Opset17_torch_hub/swin_s_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9311657a2dbf935e501a2c4b161cff2ae5d96c9af085fab3f169e287c5e42f5 +size 203572882 diff --git a/Computer_Vision/swin_s_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/swin_s_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..71e9322f4 --- /dev/null +++ b/Computer_Vision/swin_s_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,224 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 62.51403212547302 + set_success: 0.036272525787353516 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_s_torch_hub_62bf8c0e/onnx/swin_s_torch_hub_62bf8c0e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/swin_s.py +class: SwinTransformer +hash: 910bca4e +model_name: swin_s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 198801.6748 +onnx_ops_counter: + Add: 302 + Cast: 461 + Concat: 525 + Constant: 5479 + ConstantOfShape: 335 + Conv: 1 + Div: 106 + Equal: 220 + Erf: 24 + Expand: 297 + Flatten: 1 + Gather: 491 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 53 + MatMul: 147 + Mod: 102 + Mul: 318 + Not: 11 + Pad: 27 + Pow: 24 + Range: 198 + Reshape: 440 + ScatterND: 99 + Shape: 1013 + Slice: 676 + Softmax: 24 + Sub: 86 + Transpose: 160 + Unsqueeze: 988 + Where: 220 +parameters: 49606258 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_s_Opset18_torch_hub/swin_s_Opset18.onnx b/Computer_Vision/swin_s_Opset18_torch_hub/swin_s_Opset18.onnx new file mode 100644 index 000000000..a34dd8906 --- /dev/null +++ b/Computer_Vision/swin_s_Opset18_torch_hub/swin_s_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8afadd1928de79cb8c6bc183acc24be67295040ab584e144bc6ae549c41e1ddd +size 203572882 diff --git a/Computer_Vision/swin_s_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/swin_s_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..7c492ce60 --- /dev/null +++ b/Computer_Vision/swin_s_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,224 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 47.4341356754303 + set_success: 0.023029088973999023 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_s_torch_hub_62bf8c0e/onnx/swin_s_torch_hub_62bf8c0e-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/swin_s.py +class: SwinTransformer +hash: 910bca4e +model_name: swin_s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 198801.6748 +onnx_ops_counter: + Add: 302 + Cast: 461 + Concat: 525 + Constant: 5479 + ConstantOfShape: 335 + Conv: 1 + Div: 106 + Equal: 220 + Erf: 24 + Expand: 297 + Flatten: 1 + Gather: 491 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 53 + MatMul: 147 + Mod: 102 + Mul: 318 + Not: 11 + Pad: 27 + Pow: 24 + Range: 198 + Reshape: 440 + ScatterND: 99 + Shape: 1013 + Slice: 676 + Softmax: 24 + Sub: 86 + Transpose: 160 + Unsqueeze: 988 + Where: 220 +parameters: 49606258 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_small_patch4_window7_224_Opset16_timm/swin_small_patch4_window7_224_Opset16.onnx b/Computer_Vision/swin_small_patch4_window7_224_Opset16_timm/swin_small_patch4_window7_224_Opset16.onnx new file mode 100644 index 000000000..111f4d006 --- /dev/null +++ b/Computer_Vision/swin_small_patch4_window7_224_Opset16_timm/swin_small_patch4_window7_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:59926b894a1d59d59016c0987a72f79f04c0b66fa943610f1d5a9801d71a4c53 +size 203184496 diff --git a/Computer_Vision/swin_small_patch4_window7_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swin_small_patch4_window7_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b8d3204d5 --- /dev/null +++ b/Computer_Vision/swin_small_patch4_window7_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 18.436757802963257 + set_success: 0.019951343536376953 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_small_patch4_window7_224_timm_c2e89033/onnx/swin_small_patch4_window7_224_timm_c2e89033-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_small_patch4_window7_224.py +class: SwinTransformer +hash: 4fb283e4 +model_name: swin_small_patch4_window7_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 198422.3916 +onnx_ops_counter: + Add: 357 + Cast: 240 + Concat: 285 + Constant: 2631 + ConstantOfShape: 24 + Conv: 1 + Div: 173 + Erf: 24 + Gather: 192 + Gemm: 1 + MatMul: 147 + Mod: 96 + Mul: 125 + Pad: 24 + Pow: 53 + ReduceMean: 107 + Reshape: 316 + Shape: 195 + Slice: 163 + Softmax: 24 + Split: 24 + Sqrt: 53 + Squeeze: 72 + Sub: 125 + Transpose: 148 + Unsqueeze: 500 +parameters: 49606258 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_small_patch4_window7_224_Opset17_timm/swin_small_patch4_window7_224_Opset17.onnx b/Computer_Vision/swin_small_patch4_window7_224_Opset17_timm/swin_small_patch4_window7_224_Opset17.onnx new file mode 100644 index 000000000..13a192bac --- /dev/null +++ b/Computer_Vision/swin_small_patch4_window7_224_Opset17_timm/swin_small_patch4_window7_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5b3a25e509a521257ec04649adb2c99e2f82123b677313ddd468e8d8d47d491 +size 203091508 diff --git a/Computer_Vision/swin_small_patch4_window7_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swin_small_patch4_window7_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..77df7e1aa --- /dev/null +++ b/Computer_Vision/swin_small_patch4_window7_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 18.829047679901123 + set_success: 0.0235898494720459 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_small_patch4_window7_224_timm_c2e89033/onnx/swin_small_patch4_window7_224_timm_c2e89033-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_small_patch4_window7_224.py +class: SwinTransformer +hash: 4fb283e4 +model_name: swin_small_patch4_window7_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 198331.583 +onnx_ops_counter: + Add: 251 + Cast: 240 + Concat: 285 + Constant: 2525 + ConstantOfShape: 24 + Conv: 1 + Div: 120 + Erf: 24 + Gather: 192 + Gemm: 1 + LayerNormalization: 53 + MatMul: 147 + Mod: 96 + Mul: 72 + Pad: 24 + ReduceMean: 1 + Reshape: 316 + Shape: 195 + Slice: 163 + Softmax: 24 + Split: 24 + Squeeze: 72 + Sub: 72 + Transpose: 148 + Unsqueeze: 500 +parameters: 49606258 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_t_Opset16_torch_hub/swin_t_Opset16.onnx b/Computer_Vision/swin_t_Opset16_torch_hub/swin_t_Opset16.onnx new file mode 100644 index 000000000..09cf03938 --- /dev/null +++ b/Computer_Vision/swin_t_Opset16_torch_hub/swin_t_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a556f0c3d15e921b6143b7c353c63a29398e16b4b0e7b161fad937f007adf19 +size 115684353 diff --git a/Computer_Vision/swin_t_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/swin_t_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..b2e986877 --- /dev/null +++ b/Computer_Vision/swin_t_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,225 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.516655206680298 + set_success: 0.018184900283813477 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_t_torch_hub_f03dcc46/onnx/swin_t_torch_hub_f03dcc46-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/swin_t.py +class: SwinTransformer +hash: 020dfda8 +model_name: swin_t +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 112973.0332 +onnx_ops_counter: + Add: 204 + Cast: 221 + Concat: 255 + Constant: 2711 + ConstantOfShape: 155 + Conv: 1 + Div: 81 + Equal: 100 + Erf: 12 + Expand: 135 + Flatten: 1 + Gather: 239 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 75 + Mod: 54 + Mul: 179 + Not: 5 + Pad: 15 + Pow: 41 + Range: 90 + ReduceMean: 58 + Reshape: 212 + ScatterND: 45 + Shape: 473 + Slice: 322 + Softmax: 12 + Sqrt: 29 + Sub: 73 + Transpose: 82 + Unsqueeze: 478 + Where: 100 +parameters: 28288354 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_t_Opset17_torch_hub/swin_t_Opset17.onnx b/Computer_Vision/swin_t_Opset17_torch_hub/swin_t_Opset17.onnx new file mode 100644 index 000000000..63a181161 --- /dev/null +++ b/Computer_Vision/swin_t_Opset17_torch_hub/swin_t_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2cafa37bdb18a4251764ff25d3800e43154e72bca33d9fbaa0f4f425e12319f2 +size 115634798 diff --git a/Computer_Vision/swin_t_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/swin_t_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..8205b7dad --- /dev/null +++ b/Computer_Vision/swin_t_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,224 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.102248191833496 + set_success: 0.01693558692932129 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_t_torch_hub_f03dcc46/onnx/swin_t_torch_hub_f03dcc46-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/swin_t.py +class: SwinTransformer +hash: 020dfda8 +model_name: swin_t +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 112924.6396 +onnx_ops_counter: + Add: 146 + Cast: 221 + Concat: 255 + Constant: 2653 + ConstantOfShape: 155 + Conv: 1 + Div: 52 + Equal: 100 + Erf: 12 + Expand: 135 + Flatten: 1 + Gather: 239 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 29 + MatMul: 75 + Mod: 54 + Mul: 150 + Not: 5 + Pad: 15 + Pow: 12 + Range: 90 + Reshape: 212 + ScatterND: 45 + Shape: 473 + Slice: 322 + Softmax: 12 + Sub: 44 + Transpose: 82 + Unsqueeze: 478 + Where: 100 +parameters: 28288354 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_t_Opset18_torch_hub/swin_t_Opset18.onnx b/Computer_Vision/swin_t_Opset18_torch_hub/swin_t_Opset18.onnx new file mode 100644 index 000000000..cb889dcf1 --- /dev/null +++ b/Computer_Vision/swin_t_Opset18_torch_hub/swin_t_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5d4e973b85d402a8d3783db133f0af23668cbf2af331a7ec9cb6d4c2d1f0a2f +size 115634798 diff --git a/Computer_Vision/swin_t_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/swin_t_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..84e38e7da --- /dev/null +++ b/Computer_Vision/swin_t_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,224 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.359901666641235 + set_success: 0.01764225959777832 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_t_torch_hub_f03dcc46/onnx/swin_t_torch_hub_f03dcc46-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/swin_t.py +class: SwinTransformer +hash: 020dfda8 +model_name: swin_t +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 112924.6396 +onnx_ops_counter: + Add: 146 + Cast: 221 + Concat: 255 + Constant: 2653 + ConstantOfShape: 155 + Conv: 1 + Div: 52 + Equal: 100 + Erf: 12 + Expand: 135 + Flatten: 1 + Gather: 239 + Gemm: 1 + GlobalAveragePool: 1 + LayerNormalization: 29 + MatMul: 75 + Mod: 54 + Mul: 150 + Not: 5 + Pad: 15 + Pow: 12 + Range: 90 + Reshape: 212 + ScatterND: 45 + Shape: 473 + Slice: 322 + Softmax: 12 + Sub: 44 + Transpose: 82 + Unsqueeze: 478 + Where: 100 +parameters: 28288354 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_tiny_patch4_window7_224_Opset16_timm/swin_tiny_patch4_window7_224_Opset16.onnx b/Computer_Vision/swin_tiny_patch4_window7_224_Opset16_timm/swin_tiny_patch4_window7_224_Opset16.onnx new file mode 100644 index 000000000..d3a5ef559 --- /dev/null +++ b/Computer_Vision/swin_tiny_patch4_window7_224_Opset16_timm/swin_tiny_patch4_window7_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:11c7c54fcfc313e6526c500c1c1fbd952471bbbbab0c938763599ae86b9aa050 +size 115832386 diff --git a/Computer_Vision/swin_tiny_patch4_window7_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swin_tiny_patch4_window7_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7d0b93c8e --- /dev/null +++ b/Computer_Vision/swin_tiny_patch4_window7_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.309540748596191 + set_success: 0.019670724868774414 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_tiny_patch4_window7_224_timm_cdc6c81f/onnx/swin_tiny_patch4_window7_224_timm_cdc6c81f-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_tiny_patch4_window7_224.py +class: SwinTransformer +hash: ca04ce4b +model_name: swin_tiny_patch4_window7_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 113117.5967 +onnx_ops_counter: + Add: 183 + Cast: 120 + Concat: 141 + Constant: 1311 + ConstantOfShape: 12 + Conv: 1 + Div: 89 + Erf: 12 + Gather: 96 + Gemm: 1 + MatMul: 75 + Mod: 48 + Mul: 65 + Pad: 12 + Pow: 29 + ReduceMean: 59 + Reshape: 160 + Shape: 99 + Slice: 79 + Softmax: 12 + Split: 12 + Sqrt: 29 + Squeeze: 36 + Sub: 65 + Transpose: 76 + Unsqueeze: 248 +parameters: 28288354 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swin_tiny_patch4_window7_224_Opset17_timm/swin_tiny_patch4_window7_224_Opset17.onnx b/Computer_Vision/swin_tiny_patch4_window7_224_Opset17_timm/swin_tiny_patch4_window7_224_Opset17.onnx new file mode 100644 index 000000000..e1624f1c0 --- /dev/null +++ b/Computer_Vision/swin_tiny_patch4_window7_224_Opset17_timm/swin_tiny_patch4_window7_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40ee7a7f7ce57fd68467cd0a554f5b8671c49e30b12861530799868f252776ed +size 115782801 diff --git a/Computer_Vision/swin_tiny_patch4_window7_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swin_tiny_patch4_window7_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d2dc61581 --- /dev/null +++ b/Computer_Vision/swin_tiny_patch4_window7_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.830886125564575 + set_success: 0.01730942726135254 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swin_tiny_patch4_window7_224_timm_cdc6c81f/onnx/swin_tiny_patch4_window7_224_timm_cdc6c81f-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swin_tiny_patch4_window7_224.py +class: SwinTransformer +hash: ca04ce4b +model_name: swin_tiny_patch4_window7_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 113069.1738 +onnx_ops_counter: + Add: 125 + Cast: 120 + Concat: 141 + Constant: 1253 + ConstantOfShape: 12 + Conv: 1 + Div: 60 + Erf: 12 + Gather: 96 + Gemm: 1 + LayerNormalization: 29 + MatMul: 75 + Mod: 48 + Mul: 36 + Pad: 12 + ReduceMean: 1 + Reshape: 160 + Shape: 99 + Slice: 79 + Softmax: 12 + Split: 12 + Squeeze: 36 + Sub: 36 + Transpose: 76 + Unsqueeze: 248 +parameters: 28288354 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_base_window12_192_22k_Opset16_timm/swinv2_base_window12_192_22k_Opset16.onnx b/Computer_Vision/swinv2_base_window12_192_22k_Opset16_timm/swinv2_base_window12_192_22k_Opset16.onnx new file mode 100644 index 000000000..11401c66a --- /dev/null +++ b/Computer_Vision/swinv2_base_window12_192_22k_Opset16_timm/swinv2_base_window12_192_22k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d820b3541240d5c2b0f20550901a8023c18ea6199568a6c7d5a7af85252e765a +size 439659467 diff --git a/Computer_Vision/swinv2_base_window12_192_22k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_base_window12_192_22k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6479135ae --- /dev/null +++ b/Computer_Vision/swinv2_base_window12_192_22k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.24591851234436 + set_success: 0.023601055145263672 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_base_window12_192_22k_timm_19d6fe6b/onnx/swinv2_base_window12_192_22k_timm_19d6fe6b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_base_window12_192_22k.py +class: SwinTransformerV2 +hash: 29cdf8cc +model_name: swinv2_base_window12_192_22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 192 + - 192 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 429354.9805 +onnx_ops_counter: + Abs: 48 + Add: 324 + Clip: 72 + Concat: 11 + Constant: 921 + Conv: 1 + Div: 125 + Erf: 24 + Exp: 24 + Expand: 48 + Gather: 24 + Gemm: 1 + MatMul: 195 + Mul: 149 + Pow: 149 + ReduceMean: 107 + ReduceSum: 48 + Relu: 24 + Reshape: 298 + Shape: 51 + Sigmoid: 24 + Slice: 19 + Softmax: 24 + Split: 24 + Sqrt: 53 + Squeeze: 72 + Sub: 53 + Transpose: 148 + Unsqueeze: 24 +parameters: 109280841 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_base_window12_192_22k_Opset17_timm/swinv2_base_window12_192_22k_Opset17.onnx b/Computer_Vision/swinv2_base_window12_192_22k_Opset17_timm/swinv2_base_window12_192_22k_Opset17.onnx new file mode 100644 index 000000000..ea00fc8ba --- /dev/null +++ b/Computer_Vision/swinv2_base_window12_192_22k_Opset17_timm/swinv2_base_window12_192_22k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:852d03a49e773536dab3a2636d3af30b13408503f2dd91cb70d66eb8f590273e +size 439577111 diff --git a/Computer_Vision/swinv2_base_window12_192_22k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_base_window12_192_22k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..30f64b722 --- /dev/null +++ b/Computer_Vision/swinv2_base_window12_192_22k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.185821056365967 + set_success: 0.02092599868774414 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_base_window12_192_22k_timm_19d6fe6b/onnx/swinv2_base_window12_192_22k_timm_19d6fe6b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_base_window12_192_22k.py +class: SwinTransformerV2 +hash: 29cdf8cc +model_name: swinv2_base_window12_192_22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 192 + - 192 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 429274.5547 +onnx_ops_counter: + Abs: 48 + Add: 218 + Clip: 72 + Concat: 11 + Constant: 815 + Conv: 1 + Div: 72 + Erf: 24 + Exp: 24 + Expand: 48 + Gather: 24 + Gemm: 1 + LayerNormalization: 53 + MatMul: 195 + Mul: 96 + Pow: 96 + ReduceMean: 1 + ReduceSum: 48 + Relu: 24 + Reshape: 298 + Shape: 51 + Sigmoid: 24 + Slice: 19 + Softmax: 24 + Split: 24 + Squeeze: 72 + Transpose: 148 + Unsqueeze: 24 +parameters: 109280841 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_base_window12to16_192to256_22kft1k_Opset16_timm/swinv2_base_window12to16_192to256_22kft1k_Opset16.onnx b/Computer_Vision/swinv2_base_window12to16_192to256_22kft1k_Opset16_timm/swinv2_base_window12to16_192to256_22kft1k_Opset16.onnx new file mode 100644 index 000000000..7d4044596 --- /dev/null +++ b/Computer_Vision/swinv2_base_window12to16_192to256_22kft1k_Opset16_timm/swinv2_base_window12to16_192to256_22kft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5be1b7df6f72a71a3d70fa83e10fcf7f4a3fb798fd894855c3d053f948ede42 +size 358253866 diff --git a/Computer_Vision/swinv2_base_window12to16_192to256_22kft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_base_window12to16_192to256_22kft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f65516fc3 --- /dev/null +++ b/Computer_Vision/swinv2_base_window12to16_192to256_22kft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.777698993682861 + set_success: 0.020229578018188477 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_base_window12to16_192to256_22kft1k_timm_f9176179/onnx/swinv2_base_window12to16_192to256_22kft1k_timm_f9176179-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_base_window12to16_192to256_22kft1k.py +class: SwinTransformerV2 +hash: 85efb97b +model_name: swinv2_base_window12to16_192to256_22kft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 349857.3232 +onnx_ops_counter: + Abs: 48 + Add: 324 + Clip: 72 + Concat: 11 + Constant: 921 + Conv: 1 + Div: 125 + Erf: 24 + Exp: 24 + Expand: 48 + Gather: 24 + Gemm: 1 + MatMul: 195 + Mul: 149 + Pow: 149 + ReduceMean: 107 + ReduceSum: 48 + Relu: 24 + Reshape: 298 + Shape: 51 + Sigmoid: 24 + Slice: 19 + Softmax: 24 + Split: 24 + Sqrt: 53 + Squeeze: 72 + Sub: 53 + Transpose: 148 + Unsqueeze: 24 +parameters: 87918816 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_base_window12to16_192to256_22kft1k_Opset17_timm/swinv2_base_window12to16_192to256_22kft1k_Opset17.onnx b/Computer_Vision/swinv2_base_window12to16_192to256_22kft1k_Opset17_timm/swinv2_base_window12to16_192to256_22kft1k_Opset17.onnx new file mode 100644 index 000000000..e8893bf51 --- /dev/null +++ b/Computer_Vision/swinv2_base_window12to16_192to256_22kft1k_Opset17_timm/swinv2_base_window12to16_192to256_22kft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:503cf04133e4520da309e6c4b470cc9778d09e708762813d9b607ecd19554ec5 +size 358171510 diff --git a/Computer_Vision/swinv2_base_window12to16_192to256_22kft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_base_window12to16_192to256_22kft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7a286679f --- /dev/null +++ b/Computer_Vision/swinv2_base_window12to16_192to256_22kft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.374600648880005 + set_success: 0.032466888427734375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_base_window12to16_192to256_22kft1k_timm_f9176179/onnx/swinv2_base_window12to16_192to256_22kft1k_timm_f9176179-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_base_window12to16_192to256_22kft1k.py +class: SwinTransformerV2 +hash: 85efb97b +model_name: swinv2_base_window12to16_192to256_22kft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 349776.8975 +onnx_ops_counter: + Abs: 48 + Add: 218 + Clip: 72 + Concat: 11 + Constant: 815 + Conv: 1 + Div: 72 + Erf: 24 + Exp: 24 + Expand: 48 + Gather: 24 + Gemm: 1 + LayerNormalization: 53 + MatMul: 195 + Mul: 96 + Pow: 96 + ReduceMean: 1 + ReduceSum: 48 + Relu: 24 + Reshape: 298 + Shape: 51 + Sigmoid: 24 + Slice: 19 + Softmax: 24 + Split: 24 + Squeeze: 72 + Transpose: 148 + Unsqueeze: 24 +parameters: 87918816 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_base_window12to24_192to384_22kft1k_Opset16_timm/swinv2_base_window12to24_192to384_22kft1k_Opset16.onnx b/Computer_Vision/swinv2_base_window12to24_192to384_22kft1k_Opset16_timm/swinv2_base_window12to24_192to384_22kft1k_Opset16.onnx new file mode 100644 index 000000000..a0cf9bda9 --- /dev/null +++ b/Computer_Vision/swinv2_base_window12to24_192to384_22kft1k_Opset16_timm/swinv2_base_window12to24_192to384_22kft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fcedd4e3b524a05407de9244b8703cec8ab15a727d74bd35b2d92ce36300f1a4 +size 382040715 diff --git a/Computer_Vision/swinv2_base_window12to24_192to384_22kft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_base_window12to24_192to384_22kft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ff86fc3d7 --- /dev/null +++ b/Computer_Vision/swinv2_base_window12to24_192to384_22kft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 20.69306182861328 + set_success: 0.03682708740234375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_base_window12to24_192to384_22kft1k_timm_68e693c3/onnx/swinv2_base_window12to24_192to384_22kft1k_timm_68e693c3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_base_window12to24_192to384_22kft1k.py +class: SwinTransformerV2 +hash: 85efb97b +model_name: swinv2_base_window12to24_192to384_22kft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 373086.668 +onnx_ops_counter: + Abs: 48 + Add: 324 + Clip: 72 + Concat: 11 + Constant: 921 + Conv: 1 + Div: 125 + Erf: 24 + Exp: 24 + Expand: 48 + Gather: 24 + Gemm: 1 + MatMul: 195 + Mul: 149 + Pow: 149 + ReduceMean: 107 + ReduceSum: 48 + Relu: 24 + Reshape: 298 + Shape: 51 + Sigmoid: 24 + Slice: 19 + Softmax: 24 + Split: 24 + Sqrt: 53 + Squeeze: 72 + Sub: 53 + Transpose: 148 + Unsqueeze: 24 +parameters: 87918816 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_base_window12to24_192to384_22kft1k_Opset17_timm/swinv2_base_window12to24_192to384_22kft1k_Opset17.onnx b/Computer_Vision/swinv2_base_window12to24_192to384_22kft1k_Opset17_timm/swinv2_base_window12to24_192to384_22kft1k_Opset17.onnx new file mode 100644 index 000000000..5de8e5967 --- /dev/null +++ b/Computer_Vision/swinv2_base_window12to24_192to384_22kft1k_Opset17_timm/swinv2_base_window12to24_192to384_22kft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3778099a5bc0e70394da002e1618b8ba9d93cfe4afbb267f5db20e4ff63efacf +size 381958359 diff --git a/Computer_Vision/swinv2_base_window12to24_192to384_22kft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_base_window12to24_192to384_22kft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..54c58dc50 --- /dev/null +++ b/Computer_Vision/swinv2_base_window12to24_192to384_22kft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 18.321614027023315 + set_success: 0.033072471618652344 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_base_window12to24_192to384_22kft1k_timm_68e693c3/onnx/swinv2_base_window12to24_192to384_22kft1k_timm_68e693c3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_base_window12to24_192to384_22kft1k.py +class: SwinTransformerV2 +hash: 85efb97b +model_name: swinv2_base_window12to24_192to384_22kft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 373006.2422 +onnx_ops_counter: + Abs: 48 + Add: 218 + Clip: 72 + Concat: 11 + Constant: 815 + Conv: 1 + Div: 72 + Erf: 24 + Exp: 24 + Expand: 48 + Gather: 24 + Gemm: 1 + LayerNormalization: 53 + MatMul: 195 + Mul: 96 + Pow: 96 + ReduceMean: 1 + ReduceSum: 48 + Relu: 24 + Reshape: 298 + Shape: 51 + Sigmoid: 24 + Slice: 19 + Softmax: 24 + Split: 24 + Squeeze: 72 + Transpose: 148 + Unsqueeze: 24 +parameters: 87918816 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_base_window16_256_Opset16_timm/swinv2_base_window16_256_Opset16.onnx b/Computer_Vision/swinv2_base_window16_256_Opset16_timm/swinv2_base_window16_256_Opset16.onnx new file mode 100644 index 000000000..7da544368 --- /dev/null +++ b/Computer_Vision/swinv2_base_window16_256_Opset16_timm/swinv2_base_window16_256_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:74e46f0270cf3b51dc5c95330b484de271024379b33339d7ad582f440db85295 +size 358253866 diff --git a/Computer_Vision/swinv2_base_window16_256_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_base_window16_256_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..61bf30861 --- /dev/null +++ b/Computer_Vision/swinv2_base_window16_256_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.882407426834106 + set_success: 0.02382636070251465 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_base_window16_256_timm_f9176179/onnx/swinv2_base_window16_256_timm_f9176179-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_base_window16_256.py +class: SwinTransformerV2 +hash: 85efb97b +model_name: swinv2_base_window16_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 349857.3232 +onnx_ops_counter: + Abs: 48 + Add: 324 + Clip: 72 + Concat: 11 + Constant: 921 + Conv: 1 + Div: 125 + Erf: 24 + Exp: 24 + Expand: 48 + Gather: 24 + Gemm: 1 + MatMul: 195 + Mul: 149 + Pow: 149 + ReduceMean: 107 + ReduceSum: 48 + Relu: 24 + Reshape: 298 + Shape: 51 + Sigmoid: 24 + Slice: 19 + Softmax: 24 + Split: 24 + Sqrt: 53 + Squeeze: 72 + Sub: 53 + Transpose: 148 + Unsqueeze: 24 +parameters: 87918816 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_base_window16_256_Opset17_timm/swinv2_base_window16_256_Opset17.onnx b/Computer_Vision/swinv2_base_window16_256_Opset17_timm/swinv2_base_window16_256_Opset17.onnx new file mode 100644 index 000000000..cbd4e2894 --- /dev/null +++ b/Computer_Vision/swinv2_base_window16_256_Opset17_timm/swinv2_base_window16_256_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:569842627b7761111f406cadc0ee3ea7222a544fac778dd9d2c8d7be22d0f776 +size 358171510 diff --git a/Computer_Vision/swinv2_base_window16_256_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_base_window16_256_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4c8088dc7 --- /dev/null +++ b/Computer_Vision/swinv2_base_window16_256_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.667925357818604 + set_success: 0.026396751403808594 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_base_window16_256_timm_f9176179/onnx/swinv2_base_window16_256_timm_f9176179-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_base_window16_256.py +class: SwinTransformerV2 +hash: 85efb97b +model_name: swinv2_base_window16_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 349776.8975 +onnx_ops_counter: + Abs: 48 + Add: 218 + Clip: 72 + Concat: 11 + Constant: 815 + Conv: 1 + Div: 72 + Erf: 24 + Exp: 24 + Expand: 48 + Gather: 24 + Gemm: 1 + LayerNormalization: 53 + MatMul: 195 + Mul: 96 + Pow: 96 + ReduceMean: 1 + ReduceSum: 48 + Relu: 24 + Reshape: 298 + Shape: 51 + Sigmoid: 24 + Slice: 19 + Softmax: 24 + Split: 24 + Squeeze: 72 + Transpose: 148 + Unsqueeze: 24 +parameters: 87918816 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_base_window8_256_Opset16_timm/swinv2_base_window8_256_Opset16.onnx b/Computer_Vision/swinv2_base_window8_256_Opset16_timm/swinv2_base_window8_256_Opset16.onnx new file mode 100644 index 000000000..e01be4b68 --- /dev/null +++ b/Computer_Vision/swinv2_base_window8_256_Opset16_timm/swinv2_base_window8_256_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d03b34ddc82878f4cdb93ea67c93e6e866c1c4045352ca2e463d5de7811ac9d +size 354322481 diff --git a/Computer_Vision/swinv2_base_window8_256_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_base_window8_256_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c0f5b2aca --- /dev/null +++ b/Computer_Vision/swinv2_base_window8_256_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 18.315114498138428 + set_success: 0.02496027946472168 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_base_window8_256_timm_f9176179/onnx/swinv2_base_window8_256_timm_f9176179-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_base_window8_256.py +class: SwinTransformerV2 +hash: 85efb97b +model_name: swinv2_base_window8_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 346018.0801 +onnx_ops_counter: + Abs: 48 + Add: 333 + Clip: 72 + Concat: 47 + Constant: 1163 + Conv: 1 + Div: 125 + Erf: 24 + Exp: 24 + Expand: 48 + Gather: 24 + Gemm: 1 + MatMul: 195 + Mul: 149 + Pow: 149 + ReduceMean: 107 + ReduceSum: 48 + Relu: 24 + Reshape: 316 + Shape: 51 + Sigmoid: 24 + Slice: 91 + Softmax: 24 + Split: 24 + Sqrt: 53 + Squeeze: 72 + Sub: 53 + Transpose: 148 + Unsqueeze: 24 +parameters: 87918816 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_base_window8_256_Opset17_timm/swinv2_base_window8_256_Opset17.onnx b/Computer_Vision/swinv2_base_window8_256_Opset17_timm/swinv2_base_window8_256_Opset17.onnx new file mode 100644 index 000000000..bdb0176fc --- /dev/null +++ b/Computer_Vision/swinv2_base_window8_256_Opset17_timm/swinv2_base_window8_256_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:15fd864a5c114ab415b26ab09b3f2e95ac0768f90b85774d0879ab44a501f5ba +size 354240134 diff --git a/Computer_Vision/swinv2_base_window8_256_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_base_window8_256_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9f028dbaa --- /dev/null +++ b/Computer_Vision/swinv2_base_window8_256_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.06616759300232 + set_success: 0.025072336196899414 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_base_window8_256_timm_f9176179/onnx/swinv2_base_window8_256_timm_f9176179-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_base_window8_256.py +class: SwinTransformerV2 +hash: 85efb97b +model_name: swinv2_base_window8_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 345937.6631 +onnx_ops_counter: + Abs: 48 + Add: 227 + Clip: 72 + Concat: 47 + Constant: 1057 + Conv: 1 + Div: 72 + Erf: 24 + Exp: 24 + Expand: 48 + Gather: 24 + Gemm: 1 + LayerNormalization: 53 + MatMul: 195 + Mul: 96 + Pow: 96 + ReduceMean: 1 + ReduceSum: 48 + Relu: 24 + Reshape: 316 + Shape: 51 + Sigmoid: 24 + Slice: 91 + Softmax: 24 + Split: 24 + Squeeze: 72 + Transpose: 148 + Unsqueeze: 24 +parameters: 87918816 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_cr_small_224_Opset16_timm/swinv2_cr_small_224_Opset16.onnx b/Computer_Vision/swinv2_cr_small_224_Opset16_timm/swinv2_cr_small_224_Opset16.onnx new file mode 100644 index 000000000..73eb4bd73 --- /dev/null +++ b/Computer_Vision/swinv2_cr_small_224_Opset16_timm/swinv2_cr_small_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0251eaf77d7c4e0e97e74c60bdd331c4ad39e70172845140a0844532db37b24 +size 200954768 diff --git a/Computer_Vision/swinv2_cr_small_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_cr_small_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8629b4e11 --- /dev/null +++ b/Computer_Vision/swinv2_cr_small_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.164674043655396 + set_success: 0.021741390228271484 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_cr_small_224_timm_303b886f/onnx/swinv2_cr_small_224_timm_303b886f-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_cr_small_224.py +class: SwinTransformerV2Cr +hash: 746e8dd2 +model_name: swinv2_cr_small_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 196244.9229 +onnx_ops_counter: + Abs: 48 + Add: 309 + Clip: 72 + Concat: 47 + Constant: 1114 + Conv: 1 + Div: 125 + Erf: 24 + Exp: 24 + Expand: 48 + Flatten: 1 + Gemm: 49 + GlobalAveragePool: 1 + MatMul: 147 + Mul: 125 + Pow: 149 + ReduceMean: 106 + ReduceSum: 48 + Relu: 24 + Reshape: 292 + Shape: 51 + Slice: 91 + Softmax: 24 + Split: 24 + Sqrt: 53 + Squeeze: 72 + Sub: 53 + Transpose: 149 + Unsqueeze: 24 +parameters: 49695100 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_cr_small_224_Opset17_timm/swinv2_cr_small_224_Opset17.onnx b/Computer_Vision/swinv2_cr_small_224_Opset17_timm/swinv2_cr_small_224_Opset17.onnx new file mode 100644 index 000000000..ea3f1e822 --- /dev/null +++ b/Computer_Vision/swinv2_cr_small_224_Opset17_timm/swinv2_cr_small_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d17bb3f8a6b424e2d9626e329f9eb134ff6d65e857bd5ea64ae806e9359ed570 +size 200871591 diff --git a/Computer_Vision/swinv2_cr_small_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_cr_small_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a91452642 --- /dev/null +++ b/Computer_Vision/swinv2_cr_small_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.052847385406494 + set_success: 0.02237415313720703 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_cr_small_224_timm_303b886f/onnx/swinv2_cr_small_224_timm_303b886f-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_cr_small_224.py +class: SwinTransformerV2Cr +hash: 746e8dd2 +model_name: swinv2_cr_small_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 196163.6953 +onnx_ops_counter: + Abs: 48 + Add: 203 + Clip: 72 + Concat: 47 + Constant: 1008 + Conv: 1 + Div: 72 + Erf: 24 + Exp: 24 + Expand: 48 + Flatten: 1 + Gemm: 49 + GlobalAveragePool: 1 + LayerNormalization: 53 + MatMul: 147 + Mul: 72 + Pow: 96 + ReduceSum: 48 + Relu: 24 + Reshape: 292 + Shape: 51 + Slice: 91 + Softmax: 24 + Split: 24 + Squeeze: 72 + Transpose: 149 + Unsqueeze: 24 +parameters: 49695100 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_cr_small_224_Opset18_timm/swinv2_cr_small_224_Opset18.onnx b/Computer_Vision/swinv2_cr_small_224_Opset18_timm/swinv2_cr_small_224_Opset18.onnx new file mode 100644 index 000000000..631322559 --- /dev/null +++ b/Computer_Vision/swinv2_cr_small_224_Opset18_timm/swinv2_cr_small_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae713e5210402a4f5c46e38456f1bc522870a636bbd3fb08159f655d06024a7c +size 200871591 diff --git a/Computer_Vision/swinv2_cr_small_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_cr_small_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7402bf2cf --- /dev/null +++ b/Computer_Vision/swinv2_cr_small_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.281988382339478 + set_success: 0.02277350425720215 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_cr_small_224_timm_303b886f/onnx/swinv2_cr_small_224_timm_303b886f-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_cr_small_224.py +class: SwinTransformerV2Cr +hash: 746e8dd2 +model_name: swinv2_cr_small_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 196163.6953 +onnx_ops_counter: + Abs: 48 + Add: 203 + Clip: 72 + Concat: 47 + Constant: 1008 + Conv: 1 + Div: 72 + Erf: 24 + Exp: 24 + Expand: 48 + Flatten: 1 + Gemm: 49 + GlobalAveragePool: 1 + LayerNormalization: 53 + MatMul: 147 + Mul: 72 + Pow: 96 + ReduceSum: 48 + Relu: 24 + Reshape: 292 + Shape: 51 + Slice: 91 + Softmax: 24 + Split: 24 + Squeeze: 72 + Transpose: 149 + Unsqueeze: 24 +parameters: 49695100 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_cr_small_ns_224_Opset16_timm/swinv2_cr_small_ns_224_Opset16.onnx b/Computer_Vision/swinv2_cr_small_ns_224_Opset16_timm/swinv2_cr_small_ns_224_Opset16.onnx new file mode 100644 index 000000000..eb2f778d6 --- /dev/null +++ b/Computer_Vision/swinv2_cr_small_ns_224_Opset16_timm/swinv2_cr_small_ns_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:02e758dd89e973374fbae4ba87f724b384fc25a1598288b4d1b92e894d1d7bda +size 200966019 diff --git a/Computer_Vision/swinv2_cr_small_ns_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_cr_small_ns_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f3bda761e --- /dev/null +++ b/Computer_Vision/swinv2_cr_small_ns_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.161145210266113 + set_success: 0.02121567726135254 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_cr_small_ns_224_timm_60e7fe71/onnx/swinv2_cr_small_ns_224_timm_60e7fe71-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_cr_small_ns_224.py +class: SwinTransformerV2Cr +hash: 83b700db +model_name: swinv2_cr_small_ns_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 196255.9102 +onnx_ops_counter: + Abs: 48 + Add: 315 + Clip: 72 + Concat: 47 + Constant: 1120 + Conv: 1 + Div: 128 + Erf: 24 + Exp: 24 + Expand: 48 + Flatten: 1 + Gemm: 49 + GlobalAveragePool: 1 + MatMul: 147 + Mul: 128 + Pow: 152 + ReduceMean: 112 + ReduceSum: 48 + Relu: 24 + Reshape: 292 + Shape: 51 + Slice: 91 + Softmax: 24 + Split: 24 + Sqrt: 56 + Squeeze: 72 + Sub: 56 + Transpose: 149 + Unsqueeze: 24 +parameters: 49696444 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_cr_small_ns_224_Opset17_timm/swinv2_cr_small_ns_224_Opset17.onnx b/Computer_Vision/swinv2_cr_small_ns_224_Opset17_timm/swinv2_cr_small_ns_224_Opset17.onnx new file mode 100644 index 000000000..91d65a137 --- /dev/null +++ b/Computer_Vision/swinv2_cr_small_ns_224_Opset17_timm/swinv2_cr_small_ns_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:546039656e4d11c1a45fa2623348e15a252768a63e1032ddd6a56cca23367b19 +size 200878124 diff --git a/Computer_Vision/swinv2_cr_small_ns_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_cr_small_ns_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e520f837d --- /dev/null +++ b/Computer_Vision/swinv2_cr_small_ns_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.435813188552856 + set_success: 0.02226543426513672 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_cr_small_ns_224_timm_60e7fe71/onnx/swinv2_cr_small_ns_224_timm_60e7fe71-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_cr_small_ns_224.py +class: SwinTransformerV2Cr +hash: 83b700db +model_name: swinv2_cr_small_ns_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 196170.0752 +onnx_ops_counter: + Abs: 48 + Add: 203 + Clip: 72 + Concat: 47 + Constant: 1008 + Conv: 1 + Div: 72 + Erf: 24 + Exp: 24 + Expand: 48 + Flatten: 1 + Gemm: 49 + GlobalAveragePool: 1 + LayerNormalization: 56 + MatMul: 147 + Mul: 72 + Pow: 96 + ReduceSum: 48 + Relu: 24 + Reshape: 292 + Shape: 51 + Slice: 91 + Softmax: 24 + Split: 24 + Squeeze: 72 + Transpose: 149 + Unsqueeze: 24 +parameters: 49696444 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_cr_small_ns_224_Opset18_timm/swinv2_cr_small_ns_224_Opset18.onnx b/Computer_Vision/swinv2_cr_small_ns_224_Opset18_timm/swinv2_cr_small_ns_224_Opset18.onnx new file mode 100644 index 000000000..dc096263a --- /dev/null +++ b/Computer_Vision/swinv2_cr_small_ns_224_Opset18_timm/swinv2_cr_small_ns_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fad3076c1885a3c823ca64d61921f36770ed5c1615828d50933433c6aeb21f35 +size 200878124 diff --git a/Computer_Vision/swinv2_cr_small_ns_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_cr_small_ns_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..12915951f --- /dev/null +++ b/Computer_Vision/swinv2_cr_small_ns_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.936883687973022 + set_success: 0.021910667419433594 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_cr_small_ns_224_timm_60e7fe71/onnx/swinv2_cr_small_ns_224_timm_60e7fe71-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_cr_small_ns_224.py +class: SwinTransformerV2Cr +hash: 83b700db +model_name: swinv2_cr_small_ns_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 196170.0752 +onnx_ops_counter: + Abs: 48 + Add: 203 + Clip: 72 + Concat: 47 + Constant: 1008 + Conv: 1 + Div: 72 + Erf: 24 + Exp: 24 + Expand: 48 + Flatten: 1 + Gemm: 49 + GlobalAveragePool: 1 + LayerNormalization: 56 + MatMul: 147 + Mul: 72 + Pow: 96 + ReduceSum: 48 + Relu: 24 + Reshape: 292 + Shape: 51 + Slice: 91 + Softmax: 24 + Split: 24 + Squeeze: 72 + Transpose: 149 + Unsqueeze: 24 +parameters: 49696444 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_cr_tiny_ns_224_Opset16_timm/swinv2_cr_tiny_ns_224_Opset16.onnx b/Computer_Vision/swinv2_cr_tiny_ns_224_Opset16_timm/swinv2_cr_tiny_ns_224_Opset16.onnx new file mode 100644 index 000000000..32ade78d2 --- /dev/null +++ b/Computer_Vision/swinv2_cr_tiny_ns_224_Opset16_timm/swinv2_cr_tiny_ns_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b07de8f97ea63a9e26e94c6038fcc45c12523886ca70e93f8913e8e3793b8709 +size 114756451 diff --git a/Computer_Vision/swinv2_cr_tiny_ns_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_cr_tiny_ns_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..af4ab8a64 --- /dev/null +++ b/Computer_Vision/swinv2_cr_tiny_ns_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.08254075050354 + set_success: 0.019368410110473633 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_cr_tiny_ns_224_timm_55b31c3a/onnx/swinv2_cr_tiny_ns_224_timm_55b31c3a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_cr_tiny_ns_224.py +class: SwinTransformerV2Cr +hash: f5a6c981 +model_name: swinv2_cr_tiny_ns_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 112066.8789 +onnx_ops_counter: + Abs: 24 + Add: 165 + Clip: 36 + Concat: 23 + Constant: 562 + Conv: 1 + Div: 68 + Erf: 12 + Exp: 12 + Expand: 24 + Flatten: 1 + Gemm: 25 + GlobalAveragePool: 1 + MatMul: 75 + Mul: 68 + Pow: 80 + ReduceMean: 64 + ReduceSum: 24 + Relu: 12 + Reshape: 148 + Shape: 27 + Slice: 43 + Softmax: 12 + Split: 12 + Sqrt: 32 + Squeeze: 36 + Sub: 32 + Transpose: 77 + Unsqueeze: 12 +parameters: 28333468 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_cr_tiny_ns_224_Opset17_timm/swinv2_cr_tiny_ns_224_Opset17.onnx b/Computer_Vision/swinv2_cr_tiny_ns_224_Opset17_timm/swinv2_cr_tiny_ns_224_Opset17.onnx new file mode 100644 index 000000000..0f63eb265 --- /dev/null +++ b/Computer_Vision/swinv2_cr_tiny_ns_224_Opset17_timm/swinv2_cr_tiny_ns_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0722743fed93ed9098a9569536c4e3794a78c4094235028f19900165dc47c2e +size 114706702 diff --git a/Computer_Vision/swinv2_cr_tiny_ns_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_cr_tiny_ns_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..aafcde28d --- /dev/null +++ b/Computer_Vision/swinv2_cr_tiny_ns_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.337302923202515 + set_success: 0.017733335494995117 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_cr_tiny_ns_224_timm_55b31c3a/onnx/swinv2_cr_tiny_ns_224_timm_55b31c3a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_cr_tiny_ns_224.py +class: SwinTransformerV2Cr +hash: f5a6c981 +model_name: swinv2_cr_tiny_ns_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 112018.2959 +onnx_ops_counter: + Abs: 24 + Add: 101 + Clip: 36 + Concat: 23 + Constant: 498 + Conv: 1 + Div: 36 + Erf: 12 + Exp: 12 + Expand: 24 + Flatten: 1 + Gemm: 25 + GlobalAveragePool: 1 + LayerNormalization: 32 + MatMul: 75 + Mul: 36 + Pow: 48 + ReduceSum: 24 + Relu: 12 + Reshape: 148 + Shape: 27 + Slice: 43 + Softmax: 12 + Split: 12 + Squeeze: 36 + Transpose: 77 + Unsqueeze: 12 +parameters: 28333468 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_cr_tiny_ns_224_Opset18_timm/swinv2_cr_tiny_ns_224_Opset18.onnx b/Computer_Vision/swinv2_cr_tiny_ns_224_Opset18_timm/swinv2_cr_tiny_ns_224_Opset18.onnx new file mode 100644 index 000000000..ef6784071 --- /dev/null +++ b/Computer_Vision/swinv2_cr_tiny_ns_224_Opset18_timm/swinv2_cr_tiny_ns_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:404b4b0754a7cd76dc43ae390bce7df036b9e32d99d44076837e22e2d319a115 +size 114706702 diff --git a/Computer_Vision/swinv2_cr_tiny_ns_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_cr_tiny_ns_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..dd712c9e1 --- /dev/null +++ b/Computer_Vision/swinv2_cr_tiny_ns_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.509447336196899 + set_success: 0.020643949508666992 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_cr_tiny_ns_224_timm_55b31c3a/onnx/swinv2_cr_tiny_ns_224_timm_55b31c3a-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_cr_tiny_ns_224.py +class: SwinTransformerV2Cr +hash: f5a6c981 +model_name: swinv2_cr_tiny_ns_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 112018.2959 +onnx_ops_counter: + Abs: 24 + Add: 101 + Clip: 36 + Concat: 23 + Constant: 498 + Conv: 1 + Div: 36 + Erf: 12 + Exp: 12 + Expand: 24 + Flatten: 1 + Gemm: 25 + GlobalAveragePool: 1 + LayerNormalization: 32 + MatMul: 75 + Mul: 36 + Pow: 48 + ReduceSum: 24 + Relu: 12 + Reshape: 148 + Shape: 27 + Slice: 43 + Softmax: 12 + Split: 12 + Squeeze: 36 + Transpose: 77 + Unsqueeze: 12 +parameters: 28333468 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_large_window12_192_22k_Opset16_timm/swinv2_large_window12_192_22k_Opset16.onnx b/Computer_Vision/swinv2_large_window12_192_22k_Opset16_timm/swinv2_large_window12_192_22k_Opset16.onnx new file mode 100644 index 000000000..326735122 --- /dev/null +++ b/Computer_Vision/swinv2_large_window12_192_22k_Opset16_timm/swinv2_large_window12_192_22k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b4e4e16c9568372da5110e57b36c10836286f8c43819d3cfdae21c215305fe94 +size 917650429 diff --git a/Computer_Vision/swinv2_large_window12_192_22k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_large_window12_192_22k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7f6bb4b5c --- /dev/null +++ b/Computer_Vision/swinv2_large_window12_192_22k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 21.59947919845581 + set_success: 0.024916648864746094 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_large_window12_192_22k_timm_c01e7c70/onnx/swinv2_large_window12_192_22k_timm_c01e7c70-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_large_window12_192_22k.py +class: SwinTransformerV2 +hash: e8836e64 +model_name: swinv2_large_window12_192_22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 192 + - 192 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 896143.0293 +onnx_ops_counter: + Abs: 48 + Add: 324 + Clip: 72 + Concat: 11 + Constant: 921 + Conv: 1 + Div: 125 + Erf: 24 + Exp: 24 + Expand: 48 + Gather: 24 + Gemm: 1 + MatMul: 195 + Mul: 149 + Pow: 149 + ReduceMean: 107 + ReduceSum: 48 + Relu: 24 + Reshape: 298 + Shape: 51 + Sigmoid: 24 + Slice: 19 + Softmax: 24 + Split: 24 + Sqrt: 53 + Squeeze: 72 + Sub: 53 + Transpose: 148 + Unsqueeze: 24 +parameters: 228772549 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_large_window12_192_22k_Opset17_timm/swinv2_large_window12_192_22k_Opset17.onnx b/Computer_Vision/swinv2_large_window12_192_22k_Opset17_timm/swinv2_large_window12_192_22k_Opset17.onnx new file mode 100644 index 000000000..3e0144152 --- /dev/null +++ b/Computer_Vision/swinv2_large_window12_192_22k_Opset17_timm/swinv2_large_window12_192_22k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:489d8d0565c92d32d519168e1d038039ab5d343d87035b4c62b826df22d68925 +size 917568073 diff --git a/Computer_Vision/swinv2_large_window12_192_22k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_large_window12_192_22k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..363b01ef4 --- /dev/null +++ b/Computer_Vision/swinv2_large_window12_192_22k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 21.02180552482605 + set_success: 0.025395870208740234 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_large_window12_192_22k_timm_c01e7c70/onnx/swinv2_large_window12_192_22k_timm_c01e7c70-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_large_window12_192_22k.py +class: SwinTransformerV2 +hash: e8836e64 +model_name: swinv2_large_window12_192_22k +onnx_input_dimensions: + x: + - 1 + - 3 + - 192 + - 192 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 896062.6035 +onnx_ops_counter: + Abs: 48 + Add: 218 + Clip: 72 + Concat: 11 + Constant: 815 + Conv: 1 + Div: 72 + Erf: 24 + Exp: 24 + Expand: 48 + Gather: 24 + Gemm: 1 + LayerNormalization: 53 + MatMul: 195 + Mul: 96 + Pow: 96 + ReduceMean: 1 + ReduceSum: 48 + Relu: 24 + Reshape: 298 + Shape: 51 + Sigmoid: 24 + Slice: 19 + Softmax: 24 + Split: 24 + Squeeze: 72 + Transpose: 148 + Unsqueeze: 24 +parameters: 228772549 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_large_window12to16_192to256_22kft1k_Opset16_timm/swinv2_large_window12to16_192to256_22kft1k_Opset16.onnx b/Computer_Vision/swinv2_large_window12to16_192to256_22kft1k_Opset16_timm/swinv2_large_window12to16_192to256_22kft1k_Opset16.onnx new file mode 100644 index 000000000..0a6b4f1e8 --- /dev/null +++ b/Computer_Vision/swinv2_large_window12to16_192to256_22kft1k_Opset16_timm/swinv2_large_window12to16_192to256_22kft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80f31a134e84fd521322b90d6718e6dabf252f2b74f07f70166b96a851970717 +size 793562460 diff --git a/Computer_Vision/swinv2_large_window12to16_192to256_22kft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_large_window12to16_192to256_22kft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ab1a88855 --- /dev/null +++ b/Computer_Vision/swinv2_large_window12to16_192to256_22kft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 21.07490825653076 + set_success: 0.0244290828704834 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_large_window12to16_192to256_22kft1k_timm_63d0106e/onnx/swinv2_large_window12to16_192to256_22kft1k_timm_63d0106e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_large_window12to16_192to256_22kft1k.py +class: SwinTransformerV2 +hash: c1a433a5 +model_name: swinv2_large_window12to16_192to256_22kft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 774963.3721 +onnx_ops_counter: + Abs: 48 + Add: 324 + Clip: 72 + Concat: 11 + Constant: 921 + Conv: 1 + Div: 125 + Erf: 24 + Exp: 24 + Expand: 48 + Gather: 24 + Gemm: 1 + MatMul: 195 + Mul: 149 + Pow: 149 + ReduceMean: 107 + ReduceSum: 48 + Relu: 24 + Reshape: 298 + Shape: 51 + Sigmoid: 24 + Slice: 19 + Softmax: 24 + Split: 24 + Sqrt: 53 + Squeeze: 72 + Sub: 53 + Transpose: 148 + Unsqueeze: 24 +parameters: 196739932 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_large_window12to16_192to256_22kft1k_Opset17_timm/swinv2_large_window12to16_192to256_22kft1k_Opset17.onnx b/Computer_Vision/swinv2_large_window12to16_192to256_22kft1k_Opset17_timm/swinv2_large_window12to16_192to256_22kft1k_Opset17.onnx new file mode 100644 index 000000000..2e5aca106 --- /dev/null +++ b/Computer_Vision/swinv2_large_window12to16_192to256_22kft1k_Opset17_timm/swinv2_large_window12to16_192to256_22kft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f74df7446c65e7a31905c3e230287a5d6a5a0525775a728df64f08f45aeb3ba +size 793480104 diff --git a/Computer_Vision/swinv2_large_window12to16_192to256_22kft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_large_window12to16_192to256_22kft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5d434c789 --- /dev/null +++ b/Computer_Vision/swinv2_large_window12to16_192to256_22kft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 23.52385950088501 + set_success: 3.2137246131896973 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_large_window12to16_192to256_22kft1k_timm_63d0106e/onnx/swinv2_large_window12to16_192to256_22kft1k_timm_63d0106e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_large_window12to16_192to256_22kft1k.py +class: SwinTransformerV2 +hash: c1a433a5 +model_name: swinv2_large_window12to16_192to256_22kft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 774882.9463 +onnx_ops_counter: + Abs: 48 + Add: 218 + Clip: 72 + Concat: 11 + Constant: 815 + Conv: 1 + Div: 72 + Erf: 24 + Exp: 24 + Expand: 48 + Gather: 24 + Gemm: 1 + LayerNormalization: 53 + MatMul: 195 + Mul: 96 + Pow: 96 + ReduceMean: 1 + ReduceSum: 48 + Relu: 24 + Reshape: 298 + Shape: 51 + Sigmoid: 24 + Slice: 19 + Softmax: 24 + Split: 24 + Squeeze: 72 + Transpose: 148 + Unsqueeze: 24 +parameters: 196739932 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_large_window12to24_192to384_22kft1k_Opset16_timm/swinv2_large_window12to24_192to384_22kft1k_Opset16.onnx b/Computer_Vision/swinv2_large_window12to24_192to384_22kft1k_Opset16_timm/swinv2_large_window12to24_192to384_22kft1k_Opset16.onnx new file mode 100644 index 000000000..f96448bba --- /dev/null +++ b/Computer_Vision/swinv2_large_window12to24_192to384_22kft1k_Opset16_timm/swinv2_large_window12to24_192to384_22kft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e8f0eedc43c2732899624460dc7aa96d0a92bb4ee2086a0754801858e6fad5c3 +size 817349309 diff --git a/Computer_Vision/swinv2_large_window12to24_192to384_22kft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_large_window12to24_192to384_22kft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b6f15b688 --- /dev/null +++ b/Computer_Vision/swinv2_large_window12to24_192to384_22kft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 25.171903610229492 + set_success: 2.6466782093048096 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_large_window12to24_192to384_22kft1k_timm_1e130044/onnx/swinv2_large_window12to24_192to384_22kft1k_timm_1e130044-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_large_window12to24_192to384_22kft1k.py +class: SwinTransformerV2 +hash: c1a433a5 +model_name: swinv2_large_window12to24_192to384_22kft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 798192.7168 +onnx_ops_counter: + Abs: 48 + Add: 324 + Clip: 72 + Concat: 11 + Constant: 921 + Conv: 1 + Div: 125 + Erf: 24 + Exp: 24 + Expand: 48 + Gather: 24 + Gemm: 1 + MatMul: 195 + Mul: 149 + Pow: 149 + ReduceMean: 107 + ReduceSum: 48 + Relu: 24 + Reshape: 298 + Shape: 51 + Sigmoid: 24 + Slice: 19 + Softmax: 24 + Split: 24 + Sqrt: 53 + Squeeze: 72 + Sub: 53 + Transpose: 148 + Unsqueeze: 24 +parameters: 196739932 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_large_window12to24_192to384_22kft1k_Opset17_timm/swinv2_large_window12to24_192to384_22kft1k_Opset17.onnx b/Computer_Vision/swinv2_large_window12to24_192to384_22kft1k_Opset17_timm/swinv2_large_window12to24_192to384_22kft1k_Opset17.onnx new file mode 100644 index 000000000..2cbf10cf2 --- /dev/null +++ b/Computer_Vision/swinv2_large_window12to24_192to384_22kft1k_Opset17_timm/swinv2_large_window12to24_192to384_22kft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c168e6fc8f9f29c32f45ab08490a7533977a6ae9f3311e9d071d6756912c45aa +size 817266953 diff --git a/Computer_Vision/swinv2_large_window12to24_192to384_22kft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_large_window12to24_192to384_22kft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5741c6551 --- /dev/null +++ b/Computer_Vision/swinv2_large_window12to24_192to384_22kft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 24.909588098526 + set_success: 1.6409087181091309 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_large_window12to24_192to384_22kft1k_timm_1e130044/onnx/swinv2_large_window12to24_192to384_22kft1k_timm_1e130044-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_large_window12to24_192to384_22kft1k.py +class: SwinTransformerV2 +hash: c1a433a5 +model_name: swinv2_large_window12to24_192to384_22kft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 798112.291 +onnx_ops_counter: + Abs: 48 + Add: 218 + Clip: 72 + Concat: 11 + Constant: 815 + Conv: 1 + Div: 72 + Erf: 24 + Exp: 24 + Expand: 48 + Gather: 24 + Gemm: 1 + LayerNormalization: 53 + MatMul: 195 + Mul: 96 + Pow: 96 + ReduceMean: 1 + ReduceSum: 48 + Relu: 24 + Reshape: 298 + Shape: 51 + Sigmoid: 24 + Slice: 19 + Softmax: 24 + Split: 24 + Squeeze: 72 + Transpose: 148 + Unsqueeze: 24 +parameters: 196739932 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_small_window16_256_Opset16_timm/swinv2_small_window16_256_Opset16.onnx b/Computer_Vision/swinv2_small_window16_256_Opset16_timm/swinv2_small_window16_256_Opset16.onnx new file mode 100644 index 000000000..df36a43c9 --- /dev/null +++ b/Computer_Vision/swinv2_small_window16_256_Opset16_timm/swinv2_small_window16_256_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b07998debc09ef68df3f50d24e069df09546c99c0f48ea4838694595e315d93f +size 205480167 diff --git a/Computer_Vision/swinv2_small_window16_256_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_small_window16_256_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..65329a0a3 --- /dev/null +++ b/Computer_Vision/swinv2_small_window16_256_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.140194654464722 + set_success: 0.025563478469848633 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_small_window16_256_timm_d082ea6c/onnx/swinv2_small_window16_256_timm_d082ea6c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_small_window16_256.py +class: SwinTransformerV2 +hash: 817475c7 +model_name: swinv2_small_window16_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 200664.2578 +onnx_ops_counter: + Abs: 48 + Add: 324 + Clip: 72 + Concat: 11 + Constant: 921 + Conv: 1 + Div: 125 + Erf: 24 + Exp: 24 + Expand: 48 + Gather: 24 + Gemm: 1 + MatMul: 195 + Mul: 149 + Pow: 149 + ReduceMean: 107 + ReduceSum: 48 + Relu: 24 + Reshape: 298 + Shape: 51 + Sigmoid: 24 + Slice: 19 + Softmax: 24 + Split: 24 + Sqrt: 53 + Squeeze: 72 + Sub: 53 + Transpose: 148 + Unsqueeze: 24 +parameters: 49728418 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_small_window16_256_Opset17_timm/swinv2_small_window16_256_Opset17.onnx b/Computer_Vision/swinv2_small_window16_256_Opset17_timm/swinv2_small_window16_256_Opset17.onnx new file mode 100644 index 000000000..95d1420f9 --- /dev/null +++ b/Computer_Vision/swinv2_small_window16_256_Opset17_timm/swinv2_small_window16_256_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34e5a770a5dafb4061cd2a555c708f03d5a4f03861838708adeae7811aa4a8fd +size 205397811 diff --git a/Computer_Vision/swinv2_small_window16_256_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_small_window16_256_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1095468ad --- /dev/null +++ b/Computer_Vision/swinv2_small_window16_256_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 14.33923625946045 + set_success: 0.025013446807861328 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_small_window16_256_timm_d082ea6c/onnx/swinv2_small_window16_256_timm_d082ea6c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_small_window16_256.py +class: SwinTransformerV2 +hash: 817475c7 +model_name: swinv2_small_window16_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 200583.832 +onnx_ops_counter: + Abs: 48 + Add: 218 + Clip: 72 + Concat: 11 + Constant: 815 + Conv: 1 + Div: 72 + Erf: 24 + Exp: 24 + Expand: 48 + Gather: 24 + Gemm: 1 + LayerNormalization: 53 + MatMul: 195 + Mul: 96 + Pow: 96 + ReduceMean: 1 + ReduceSum: 48 + Relu: 24 + Reshape: 298 + Shape: 51 + Sigmoid: 24 + Slice: 19 + Softmax: 24 + Split: 24 + Squeeze: 72 + Transpose: 148 + Unsqueeze: 24 +parameters: 49728418 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_small_window8_256_Opset16_timm/swinv2_small_window8_256_Opset16.onnx b/Computer_Vision/swinv2_small_window8_256_Opset16_timm/swinv2_small_window8_256_Opset16.onnx new file mode 100644 index 000000000..86c5b6f89 --- /dev/null +++ b/Computer_Vision/swinv2_small_window8_256_Opset16_timm/swinv2_small_window8_256_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cce66d7b28402655d7235f738f2064d3b0a8c1f3529d710fc6c8b6957bce277e +size 201548782 diff --git a/Computer_Vision/swinv2_small_window8_256_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_small_window8_256_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a12ccac0c --- /dev/null +++ b/Computer_Vision/swinv2_small_window8_256_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.40256690979004 + set_success: 0.02135634422302246 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_small_window8_256_timm_d082ea6c/onnx/swinv2_small_window8_256_timm_d082ea6c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_small_window8_256.py +class: SwinTransformerV2 +hash: 817475c7 +model_name: swinv2_small_window8_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 196825.0146 +onnx_ops_counter: + Abs: 48 + Add: 333 + Clip: 72 + Concat: 47 + Constant: 1163 + Conv: 1 + Div: 125 + Erf: 24 + Exp: 24 + Expand: 48 + Gather: 24 + Gemm: 1 + MatMul: 195 + Mul: 149 + Pow: 149 + ReduceMean: 107 + ReduceSum: 48 + Relu: 24 + Reshape: 316 + Shape: 51 + Sigmoid: 24 + Slice: 91 + Softmax: 24 + Split: 24 + Sqrt: 53 + Squeeze: 72 + Sub: 53 + Transpose: 148 + Unsqueeze: 24 +parameters: 49728418 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_small_window8_256_Opset17_timm/swinv2_small_window8_256_Opset17.onnx b/Computer_Vision/swinv2_small_window8_256_Opset17_timm/swinv2_small_window8_256_Opset17.onnx new file mode 100644 index 000000000..9386f6a46 --- /dev/null +++ b/Computer_Vision/swinv2_small_window8_256_Opset17_timm/swinv2_small_window8_256_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:238bccbfec5ffa2e882cb16c87fc5e3b782f02cadf2eb5f04ccdf4ab7411ca43 +size 201466435 diff --git a/Computer_Vision/swinv2_small_window8_256_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_small_window8_256_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e14c2d828 --- /dev/null +++ b/Computer_Vision/swinv2_small_window8_256_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.381662845611572 + set_success: 0.024504661560058594 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_small_window8_256_timm_d082ea6c/onnx/swinv2_small_window8_256_timm_d082ea6c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_small_window8_256.py +class: SwinTransformerV2 +hash: 817475c7 +model_name: swinv2_small_window8_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 196744.5977 +onnx_ops_counter: + Abs: 48 + Add: 227 + Clip: 72 + Concat: 47 + Constant: 1057 + Conv: 1 + Div: 72 + Erf: 24 + Exp: 24 + Expand: 48 + Gather: 24 + Gemm: 1 + LayerNormalization: 53 + MatMul: 195 + Mul: 96 + Pow: 96 + ReduceMean: 1 + ReduceSum: 48 + Relu: 24 + Reshape: 316 + Shape: 51 + Sigmoid: 24 + Slice: 91 + Softmax: 24 + Split: 24 + Squeeze: 72 + Transpose: 148 + Unsqueeze: 24 +parameters: 49728418 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_tiny_window16_256_Opset16_timm/swinv2_tiny_window16_256_Opset16.onnx b/Computer_Vision/swinv2_tiny_window16_256_Opset16_timm/swinv2_tiny_window16_256_Opset16.onnx new file mode 100644 index 000000000..036bbef21 --- /dev/null +++ b/Computer_Vision/swinv2_tiny_window16_256_Opset16_timm/swinv2_tiny_window16_256_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9eaf2e5d0d42980e24aa209c5c7c433106cdd1667df1a6eeb2c57c4c4de6514 +size 119578964 diff --git a/Computer_Vision/swinv2_tiny_window16_256_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_tiny_window16_256_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..55b3abcb7 --- /dev/null +++ b/Computer_Vision/swinv2_tiny_window16_256_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.073861598968506 + set_success: 0.023371219635009766 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_tiny_window16_256_timm_b4aee5db/onnx/swinv2_tiny_window16_256_timm_b4aee5db-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_tiny_window16_256.py +class: SwinTransformerV2 +hash: d6507553 +model_name: swinv2_tiny_window16_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 116776.3643 +onnx_ops_counter: + Abs: 24 + Add: 168 + Clip: 36 + Concat: 11 + Constant: 501 + Conv: 1 + Div: 65 + Erf: 12 + Exp: 12 + Expand: 24 + Gather: 12 + Gemm: 1 + MatMul: 99 + Mul: 77 + Pow: 77 + ReduceMean: 59 + ReduceSum: 24 + Relu: 12 + Reshape: 154 + Shape: 27 + Sigmoid: 12 + Slice: 19 + Softmax: 12 + Split: 12 + Sqrt: 29 + Squeeze: 36 + Sub: 29 + Transpose: 76 + Unsqueeze: 12 +parameters: 28347154 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_tiny_window16_256_Opset17_timm/swinv2_tiny_window16_256_Opset17.onnx b/Computer_Vision/swinv2_tiny_window16_256_Opset17_timm/swinv2_tiny_window16_256_Opset17.onnx new file mode 100644 index 000000000..6513c2a6e --- /dev/null +++ b/Computer_Vision/swinv2_tiny_window16_256_Opset17_timm/swinv2_tiny_window16_256_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1148c7640e9a13c0c8bb5827d52a38c9ddd824870f56e4441b9a947205e8cfcd +size 119534728 diff --git a/Computer_Vision/swinv2_tiny_window16_256_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_tiny_window16_256_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1a0ee3371 --- /dev/null +++ b/Computer_Vision/swinv2_tiny_window16_256_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.120679140090942 + set_success: 0.018814802169799805 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_tiny_window16_256_timm_b4aee5db/onnx/swinv2_tiny_window16_256_timm_b4aee5db-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_tiny_window16_256.py +class: SwinTransformerV2 +hash: d6507553 +model_name: swinv2_tiny_window16_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 116733.165 +onnx_ops_counter: + Abs: 24 + Add: 110 + Clip: 36 + Concat: 11 + Constant: 443 + Conv: 1 + Div: 36 + Erf: 12 + Exp: 12 + Expand: 24 + Gather: 12 + Gemm: 1 + LayerNormalization: 29 + MatMul: 99 + Mul: 48 + Pow: 48 + ReduceMean: 1 + ReduceSum: 24 + Relu: 12 + Reshape: 154 + Shape: 27 + Sigmoid: 12 + Slice: 19 + Softmax: 12 + Split: 12 + Squeeze: 36 + Transpose: 76 + Unsqueeze: 12 +parameters: 28347154 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_tiny_window8_256_Opset16_timm/swinv2_tiny_window8_256_Opset16.onnx b/Computer_Vision/swinv2_tiny_window8_256_Opset16_timm/swinv2_tiny_window8_256_Opset16.onnx new file mode 100644 index 000000000..03e057971 --- /dev/null +++ b/Computer_Vision/swinv2_tiny_window8_256_Opset16_timm/swinv2_tiny_window8_256_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22ce718d70301084f92c049630cf58f522e7149634fd88365c9379568c74b26f +size 115281605 diff --git a/Computer_Vision/swinv2_tiny_window8_256_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_tiny_window8_256_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5ec56a05a --- /dev/null +++ b/Computer_Vision/swinv2_tiny_window8_256_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.630336046218872 + set_success: 0.019339323043823242 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_tiny_window8_256_timm_b4aee5db/onnx/swinv2_tiny_window8_256_timm_b4aee5db-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_tiny_window8_256.py +class: SwinTransformerV2 +hash: d6507553 +model_name: swinv2_tiny_window8_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 112579.7246 +onnx_ops_counter: + Abs: 24 + Add: 171 + Clip: 36 + Concat: 23 + Constant: 581 + Conv: 1 + Div: 65 + Erf: 12 + Exp: 12 + Expand: 24 + Gather: 12 + Gemm: 1 + MatMul: 99 + Mul: 77 + Pow: 77 + ReduceMean: 59 + ReduceSum: 24 + Relu: 12 + Reshape: 160 + Shape: 27 + Sigmoid: 12 + Slice: 43 + Softmax: 12 + Split: 12 + Sqrt: 29 + Squeeze: 36 + Sub: 29 + Transpose: 76 + Unsqueeze: 12 +parameters: 28347154 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swinv2_tiny_window8_256_Opset17_timm/swinv2_tiny_window8_256_Opset17.onnx b/Computer_Vision/swinv2_tiny_window8_256_Opset17_timm/swinv2_tiny_window8_256_Opset17.onnx new file mode 100644 index 000000000..5178f7ce9 --- /dev/null +++ b/Computer_Vision/swinv2_tiny_window8_256_Opset17_timm/swinv2_tiny_window8_256_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:276b0d2917c7ab8738ad24cfc03010f09c0aa5191c1d787902907a6ee8288cd5 +size 115237372 diff --git a/Computer_Vision/swinv2_tiny_window8_256_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swinv2_tiny_window8_256_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a1e214622 --- /dev/null +++ b/Computer_Vision/swinv2_tiny_window8_256_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.264096736907959 + set_success: 0.019917011260986328 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swinv2_tiny_window8_256_timm_b4aee5db/onnx/swinv2_tiny_window8_256_timm_b4aee5db-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swinv2_tiny_window8_256.py +class: SwinTransformerV2 +hash: d6507553 +model_name: swinv2_tiny_window8_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 112536.5283 +onnx_ops_counter: + Abs: 24 + Add: 113 + Clip: 36 + Concat: 23 + Constant: 523 + Conv: 1 + Div: 36 + Erf: 12 + Exp: 12 + Expand: 24 + Gather: 12 + Gemm: 1 + LayerNormalization: 29 + MatMul: 99 + Mul: 48 + Pow: 48 + ReduceMean: 1 + ReduceSum: 24 + Relu: 12 + Reshape: 160 + Shape: 27 + Sigmoid: 12 + Slice: 43 + Softmax: 12 + Split: 12 + Squeeze: 36 + Transpose: 76 + Unsqueeze: 12 +parameters: 28347154 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swsl_resnet18_Opset16_timm/swsl_resnet18_Opset16.onnx b/Computer_Vision/swsl_resnet18_Opset16_timm/swsl_resnet18_Opset16.onnx new file mode 100644 index 000000000..006dddeef --- /dev/null +++ b/Computer_Vision/swsl_resnet18_Opset16_timm/swsl_resnet18_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e21f6ad341e3f853c46e67f49f068a680251eb329bfd8d58cb4500bbc9f2ca72 +size 46748544 diff --git a/Computer_Vision/swsl_resnet18_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swsl_resnet18_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a44ac4eec --- /dev/null +++ b/Computer_Vision/swsl_resnet18_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.7103524208068848 + set_success: 0.014634370803833008 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swsl_resnet18_timm_81083861/onnx/swsl_resnet18_timm_81083861-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swsl_resnet18.py +class: ResNet +hash: 495787f5 +model_name: swsl_resnet18 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 45652.9072 +onnx_ops_counter: + Add: 8 + Conv: 20 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 17 +parameters: 11689512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swsl_resnet18_Opset17_timm/swsl_resnet18_Opset17.onnx b/Computer_Vision/swsl_resnet18_Opset17_timm/swsl_resnet18_Opset17.onnx new file mode 100644 index 000000000..c7345ad7f --- /dev/null +++ b/Computer_Vision/swsl_resnet18_Opset17_timm/swsl_resnet18_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b971deeb6a12b0f5fbcd33ba8bec5692ba9cbe7054598bd937780fca16286fd +size 46748544 diff --git a/Computer_Vision/swsl_resnet18_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swsl_resnet18_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..92dcfaf0e --- /dev/null +++ b/Computer_Vision/swsl_resnet18_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.6978607177734375 + set_success: 0.020293712615966797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swsl_resnet18_timm_81083861/onnx/swsl_resnet18_timm_81083861-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swsl_resnet18.py +class: ResNet +hash: 495787f5 +model_name: swsl_resnet18 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 45652.9072 +onnx_ops_counter: + Add: 8 + Conv: 20 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 17 +parameters: 11689512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swsl_resnet18_Opset18_timm/swsl_resnet18_Opset18.onnx b/Computer_Vision/swsl_resnet18_Opset18_timm/swsl_resnet18_Opset18.onnx new file mode 100644 index 000000000..5124240a9 --- /dev/null +++ b/Computer_Vision/swsl_resnet18_Opset18_timm/swsl_resnet18_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d038462e4440415488e53923dc1c159d0f1425915fc5c556c64543a6829f6100 +size 46748544 diff --git a/Computer_Vision/swsl_resnet18_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/swsl_resnet18_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d400980a7 --- /dev/null +++ b/Computer_Vision/swsl_resnet18_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.6851494312286377 + set_success: 0.014317512512207031 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swsl_resnet18_timm_81083861/onnx/swsl_resnet18_timm_81083861-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swsl_resnet18.py +class: ResNet +hash: 495787f5 +model_name: swsl_resnet18 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 45652.9072 +onnx_ops_counter: + Add: 8 + Conv: 20 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 17 +parameters: 11689512 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swsl_resnet50_Opset16_timm/swsl_resnet50_Opset16.onnx b/Computer_Vision/swsl_resnet50_Opset16_timm/swsl_resnet50_Opset16.onnx new file mode 100644 index 000000000..d2762d677 --- /dev/null +++ b/Computer_Vision/swsl_resnet50_Opset16_timm/swsl_resnet50_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a3bfe1e5ba7dfd9b618688d067363002d1f7544be361e5b4f12706222b931d5 +size 102146206 diff --git a/Computer_Vision/swsl_resnet50_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swsl_resnet50_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0bfc4b94b --- /dev/null +++ b/Computer_Vision/swsl_resnet50_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0192739963531494 + set_success: 0.01625847816467285 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swsl_resnet50_timm_694a8fff/onnx/swsl_resnet50_timm_694a8fff-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swsl_resnet50.py +class: ResNet +hash: 25cce11f +model_name: swsl_resnet50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 99752.1865 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swsl_resnet50_Opset17_timm/swsl_resnet50_Opset17.onnx b/Computer_Vision/swsl_resnet50_Opset17_timm/swsl_resnet50_Opset17.onnx new file mode 100644 index 000000000..437af7c9d --- /dev/null +++ b/Computer_Vision/swsl_resnet50_Opset17_timm/swsl_resnet50_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7eb53471f0175b2b9b39e48e64d61cd3477178f07d193d7bfeaacdaf02b6edce +size 102146206 diff --git a/Computer_Vision/swsl_resnet50_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swsl_resnet50_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b1721caa6 --- /dev/null +++ b/Computer_Vision/swsl_resnet50_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9721479415893555 + set_success: 0.016101360321044922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swsl_resnet50_timm_694a8fff/onnx/swsl_resnet50_timm_694a8fff-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swsl_resnet50.py +class: ResNet +hash: 25cce11f +model_name: swsl_resnet50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 99752.1865 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swsl_resnet50_Opset18_timm/swsl_resnet50_Opset18.onnx b/Computer_Vision/swsl_resnet50_Opset18_timm/swsl_resnet50_Opset18.onnx new file mode 100644 index 000000000..fd6de62ab --- /dev/null +++ b/Computer_Vision/swsl_resnet50_Opset18_timm/swsl_resnet50_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c04e18614088b925d40bb06028d2607eb15142b3a3ffb25d717d4d41c40326e +size 102146206 diff --git a/Computer_Vision/swsl_resnet50_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/swsl_resnet50_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a24ee6e8a --- /dev/null +++ b/Computer_Vision/swsl_resnet50_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9251668453216553 + set_success: 0.017195940017700195 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swsl_resnet50_timm_694a8fff/onnx/swsl_resnet50_timm_694a8fff-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swsl_resnet50.py +class: ResNet +hash: 25cce11f +model_name: swsl_resnet50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 99752.1865 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swsl_resnext101_32x16d_Opset16_timm/swsl_resnext101_32x16d_Opset16.onnx b/Computer_Vision/swsl_resnext101_32x16d_Opset16_timm/swsl_resnext101_32x16d_Opset16.onnx new file mode 100644 index 000000000..6ecc7ea69 --- /dev/null +++ b/Computer_Vision/swsl_resnext101_32x16d_Opset16_timm/swsl_resnext101_32x16d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8fb4261bfa5a17b9f1572ce00a058a4d44e85c45523f8d70d0779553f94e999 +size 775489693 diff --git a/Computer_Vision/swsl_resnext101_32x16d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swsl_resnext101_32x16d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..fc8aeef1a --- /dev/null +++ b/Computer_Vision/swsl_resnext101_32x16d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.18036699295044 + set_success: 0.020336151123046875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swsl_resnext101_32x16d_timm_f2166b3d/onnx/swsl_resnext101_32x16d_timm_f2166b3d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swsl_resnext101_32x16d.py +class: ResNet +hash: 3ef9f709 +model_name: swsl_resnext101_32x16d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 757314.1855 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 194026792 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swsl_resnext101_32x16d_Opset17_timm/swsl_resnext101_32x16d_Opset17.onnx b/Computer_Vision/swsl_resnext101_32x16d_Opset17_timm/swsl_resnext101_32x16d_Opset17.onnx new file mode 100644 index 000000000..b5933ced1 --- /dev/null +++ b/Computer_Vision/swsl_resnext101_32x16d_Opset17_timm/swsl_resnext101_32x16d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eed3b813f925b25828be0dce34e1e7220784852d7dba9efb7749e776a03583e4 +size 775489693 diff --git a/Computer_Vision/swsl_resnext101_32x16d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swsl_resnext101_32x16d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0c8cbe3ee --- /dev/null +++ b/Computer_Vision/swsl_resnext101_32x16d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.287141799926758 + set_success: 0.03129863739013672 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swsl_resnext101_32x16d_timm_f2166b3d/onnx/swsl_resnext101_32x16d_timm_f2166b3d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swsl_resnext101_32x16d.py +class: ResNet +hash: 3ef9f709 +model_name: swsl_resnext101_32x16d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 757314.1855 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 194026792 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swsl_resnext101_32x16d_Opset18_timm/swsl_resnext101_32x16d_Opset18.onnx b/Computer_Vision/swsl_resnext101_32x16d_Opset18_timm/swsl_resnext101_32x16d_Opset18.onnx new file mode 100644 index 000000000..72c5aba02 --- /dev/null +++ b/Computer_Vision/swsl_resnext101_32x16d_Opset18_timm/swsl_resnext101_32x16d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:948534517cec7979526b3ba807f2308be7bfe4b51d865f340a9c00d372f7dba7 +size 775489693 diff --git a/Computer_Vision/swsl_resnext101_32x16d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/swsl_resnext101_32x16d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..07bb0c58a --- /dev/null +++ b/Computer_Vision/swsl_resnext101_32x16d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.157311916351318 + set_success: 0.0230557918548584 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swsl_resnext101_32x16d_timm_f2166b3d/onnx/swsl_resnext101_32x16d_timm_f2166b3d-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swsl_resnext101_32x16d.py +class: ResNet +hash: 3ef9f709 +model_name: swsl_resnext101_32x16d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 757314.1855 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 194026792 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swsl_resnext101_32x4d_Opset16_timm/swsl_resnext101_32x4d_Opset16.onnx b/Computer_Vision/swsl_resnext101_32x4d_Opset16_timm/swsl_resnext101_32x4d_Opset16.onnx new file mode 100644 index 000000000..6ef536182 --- /dev/null +++ b/Computer_Vision/swsl_resnext101_32x4d_Opset16_timm/swsl_resnext101_32x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:051920acfad425e681c561cd8cd6779f2307876e6995ad89432cd6819b924c0b +size 176483401 diff --git a/Computer_Vision/swsl_resnext101_32x4d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swsl_resnext101_32x4d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6a1e243d9 --- /dev/null +++ b/Computer_Vision/swsl_resnext101_32x4d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.6127772331237793 + set_success: 0.01727151870727539 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swsl_resnext101_32x4d_timm_05071e7e/onnx/swsl_resnext101_32x4d_timm_05071e7e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swsl_resnext101_32x4d.py +class: ResNet +hash: 984aa3a2 +model_name: swsl_resnext101_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 172347.1035 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44177704 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swsl_resnext101_32x4d_Opset17_timm/swsl_resnext101_32x4d_Opset17.onnx b/Computer_Vision/swsl_resnext101_32x4d_Opset17_timm/swsl_resnext101_32x4d_Opset17.onnx new file mode 100644 index 000000000..6f4a10999 --- /dev/null +++ b/Computer_Vision/swsl_resnext101_32x4d_Opset17_timm/swsl_resnext101_32x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40abc50cc2d3b5ba1a494da2333098aeec88abf5a977ac93398083c0b55c0277 +size 176483401 diff --git a/Computer_Vision/swsl_resnext101_32x4d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swsl_resnext101_32x4d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6e311326e --- /dev/null +++ b/Computer_Vision/swsl_resnext101_32x4d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.7361598014831543 + set_success: 0.019504547119140625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swsl_resnext101_32x4d_timm_05071e7e/onnx/swsl_resnext101_32x4d_timm_05071e7e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swsl_resnext101_32x4d.py +class: ResNet +hash: 984aa3a2 +model_name: swsl_resnext101_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 172347.1035 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44177704 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swsl_resnext101_32x4d_Opset18_timm/swsl_resnext101_32x4d_Opset18.onnx b/Computer_Vision/swsl_resnext101_32x4d_Opset18_timm/swsl_resnext101_32x4d_Opset18.onnx new file mode 100644 index 000000000..5fa20c3b6 --- /dev/null +++ b/Computer_Vision/swsl_resnext101_32x4d_Opset18_timm/swsl_resnext101_32x4d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:74c6838667c74b7f49865cd501568ead164f744b80ab7dc320f3fc223833c999 +size 176483401 diff --git a/Computer_Vision/swsl_resnext101_32x4d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/swsl_resnext101_32x4d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e3ec2fabd --- /dev/null +++ b/Computer_Vision/swsl_resnext101_32x4d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.732282876968384 + set_success: 0.01858377456665039 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swsl_resnext101_32x4d_timm_05071e7e/onnx/swsl_resnext101_32x4d_timm_05071e7e-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swsl_resnext101_32x4d.py +class: ResNet +hash: 984aa3a2 +model_name: swsl_resnext101_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 172347.1035 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44177704 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swsl_resnext101_32x8d_Opset16_timm/swsl_resnext101_32x8d_Opset16.onnx b/Computer_Vision/swsl_resnext101_32x8d_Opset16_timm/swsl_resnext101_32x8d_Opset16.onnx new file mode 100644 index 000000000..dbda5bb96 --- /dev/null +++ b/Computer_Vision/swsl_resnext101_32x8d_Opset16_timm/swsl_resnext101_32x8d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b14cc2da44a1f5079f9ab0353dbe48a8bcea0a0148c4f6659c647581fa34d96 +size 354807890 diff --git a/Computer_Vision/swsl_resnext101_32x8d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swsl_resnext101_32x8d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5ca6aade7 --- /dev/null +++ b/Computer_Vision/swsl_resnext101_32x8d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.686469793319702 + set_success: 0.01976943016052246 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swsl_resnext101_32x8d_timm_1e210a44/onnx/swsl_resnext101_32x8d_timm_1e210a44-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swsl_resnext101_32x8d.py +class: ResNet +hash: a37f8b3b +model_name: swsl_resnext101_32x8d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 346492.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 88791336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swsl_resnext101_32x8d_Opset17_timm/swsl_resnext101_32x8d_Opset17.onnx b/Computer_Vision/swsl_resnext101_32x8d_Opset17_timm/swsl_resnext101_32x8d_Opset17.onnx new file mode 100644 index 000000000..4c089b561 --- /dev/null +++ b/Computer_Vision/swsl_resnext101_32x8d_Opset17_timm/swsl_resnext101_32x8d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:160de3df846004329db203b778d2e4533e2a13ded39faf47f87398f641e712e5 +size 354807890 diff --git a/Computer_Vision/swsl_resnext101_32x8d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swsl_resnext101_32x8d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6609aa868 --- /dev/null +++ b/Computer_Vision/swsl_resnext101_32x8d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.464871644973755 + set_success: 0.017947912216186523 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swsl_resnext101_32x8d_timm_1e210a44/onnx/swsl_resnext101_32x8d_timm_1e210a44-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swsl_resnext101_32x8d.py +class: ResNet +hash: a37f8b3b +model_name: swsl_resnext101_32x8d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 346492.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 88791336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swsl_resnext101_32x8d_Opset18_timm/swsl_resnext101_32x8d_Opset18.onnx b/Computer_Vision/swsl_resnext101_32x8d_Opset18_timm/swsl_resnext101_32x8d_Opset18.onnx new file mode 100644 index 000000000..29fbf54df --- /dev/null +++ b/Computer_Vision/swsl_resnext101_32x8d_Opset18_timm/swsl_resnext101_32x8d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df972cc6e4573364479b08b4de0bd8fdca74239fb14776c378c6703ec9de398a +size 354807890 diff --git a/Computer_Vision/swsl_resnext101_32x8d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/swsl_resnext101_32x8d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6743e4dce --- /dev/null +++ b/Computer_Vision/swsl_resnext101_32x8d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.6433937549591064 + set_success: 0.018199682235717773 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swsl_resnext101_32x8d_timm_1e210a44/onnx/swsl_resnext101_32x8d_timm_1e210a44-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swsl_resnext101_32x8d.py +class: ResNet +hash: a37f8b3b +model_name: swsl_resnext101_32x8d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 346492.1123 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 88791336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swsl_resnext50_32x4d_Opset16_timm/swsl_resnext50_32x4d_Opset16.onnx b/Computer_Vision/swsl_resnext50_32x4d_Opset16_timm/swsl_resnext50_32x4d_Opset16.onnx new file mode 100644 index 000000000..bad5c46df --- /dev/null +++ b/Computer_Vision/swsl_resnext50_32x4d_Opset16_timm/swsl_resnext50_32x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c46997966516ea32fe0caac85644e9948b94c4a8d109f5725483fcca23782de3 +size 100003492 diff --git a/Computer_Vision/swsl_resnext50_32x4d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/swsl_resnext50_32x4d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ae2fbe996 --- /dev/null +++ b/Computer_Vision/swsl_resnext50_32x4d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7903048992156982 + set_success: 0.016786813735961914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swsl_resnext50_32x4d_timm_41f9ac03/onnx/swsl_resnext50_32x4d_timm_41f9ac03-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swsl_resnext50_32x4d.py +class: ResNet +hash: baf7f18f +model_name: swsl_resnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 97659.6924 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25028904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swsl_resnext50_32x4d_Opset17_timm/swsl_resnext50_32x4d_Opset17.onnx b/Computer_Vision/swsl_resnext50_32x4d_Opset17_timm/swsl_resnext50_32x4d_Opset17.onnx new file mode 100644 index 000000000..0f6fa43ba --- /dev/null +++ b/Computer_Vision/swsl_resnext50_32x4d_Opset17_timm/swsl_resnext50_32x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b7b2a3ae36b98fd9a15571d9061714070c3dd6036b8fe696a3b02bcc3c020ce +size 100003492 diff --git a/Computer_Vision/swsl_resnext50_32x4d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/swsl_resnext50_32x4d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..19bf56a47 --- /dev/null +++ b/Computer_Vision/swsl_resnext50_32x4d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7586400508880615 + set_success: 0.01893782615661621 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swsl_resnext50_32x4d_timm_41f9ac03/onnx/swsl_resnext50_32x4d_timm_41f9ac03-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swsl_resnext50_32x4d.py +class: ResNet +hash: baf7f18f +model_name: swsl_resnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 97659.6924 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25028904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/swsl_resnext50_32x4d_Opset18_timm/swsl_resnext50_32x4d_Opset18.onnx b/Computer_Vision/swsl_resnext50_32x4d_Opset18_timm/swsl_resnext50_32x4d_Opset18.onnx new file mode 100644 index 000000000..5f7629050 --- /dev/null +++ b/Computer_Vision/swsl_resnext50_32x4d_Opset18_timm/swsl_resnext50_32x4d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad7c4d00e88c63027d9d79154276497e1436dd154549534ac15a75ad88dd7162 +size 100003492 diff --git a/Computer_Vision/swsl_resnext50_32x4d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/swsl_resnext50_32x4d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..49ac6a283 --- /dev/null +++ b/Computer_Vision/swsl_resnext50_32x4d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8286523818969727 + set_success: 0.02046370506286621 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/swsl_resnext50_32x4d_timm_41f9ac03/onnx/swsl_resnext50_32x4d_timm_41f9ac03-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/swsl_resnext50_32x4d.py +class: ResNet +hash: baf7f18f +model_name: swsl_resnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 97659.6924 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25028904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b0_Opset16_timm/tf_efficientnet_b0_Opset16.onnx b/Computer_Vision/tf_efficientnet_b0_Opset16_timm/tf_efficientnet_b0_Opset16.onnx new file mode 100644 index 000000000..376193058 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b0_Opset16_timm/tf_efficientnet_b0_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87bc8a11343473136bfc5e2b69534e76a6da763a04f667df8e3a672895496918 +size 21198948 diff --git a/Computer_Vision/tf_efficientnet_b0_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b0_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..aad94dca9 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b0_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9487085342407227 + set_success: 0.020992279052734375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b0_timm_ae20d7e2/onnx/tf_efficientnet_b0_timm_ae20d7e2-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b0.py +class: EfficientNet +hash: 1316894e +model_name: tf_efficientnet_b0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 20702.1299 +onnx_ops_counter: + Add: 29 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 81 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 75 + Pad: 5 + ReduceMean: 16 + Reshape: 10 + Shape: 13 + Sigmoid: 65 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 5288548 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b0_Opset17_timm/tf_efficientnet_b0_Opset17.onnx b/Computer_Vision/tf_efficientnet_b0_Opset17_timm/tf_efficientnet_b0_Opset17.onnx new file mode 100644 index 000000000..3a014288d --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b0_Opset17_timm/tf_efficientnet_b0_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4363b318f5c9e82f0e76d696e19b78ffd1c3ba761e2879b7812141058f88b5fb +size 21198948 diff --git a/Computer_Vision/tf_efficientnet_b0_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b0_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..18c370ca2 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b0_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9777946472167969 + set_success: 0.017163515090942383 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b0_timm_ae20d7e2/onnx/tf_efficientnet_b0_timm_ae20d7e2-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b0.py +class: EfficientNet +hash: 1316894e +model_name: tf_efficientnet_b0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 20702.1299 +onnx_ops_counter: + Add: 29 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 81 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 75 + Pad: 5 + ReduceMean: 16 + Reshape: 10 + Shape: 13 + Sigmoid: 65 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 5288548 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b0_ap_Opset16_timm/tf_efficientnet_b0_ap_Opset16.onnx b/Computer_Vision/tf_efficientnet_b0_ap_Opset16_timm/tf_efficientnet_b0_ap_Opset16.onnx new file mode 100644 index 000000000..34637b435 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b0_ap_Opset16_timm/tf_efficientnet_b0_ap_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9e6c013c8b00d70dde464016a26b0eea360ffa54062a28a71e35ed2286fff1c +size 21198948 diff --git a/Computer_Vision/tf_efficientnet_b0_ap_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b0_ap_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b5291691e --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b0_ap_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9692444801330566 + set_success: 0.01939535140991211 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b0_ap_timm_ae20d7e2/onnx/tf_efficientnet_b0_ap_timm_ae20d7e2-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b0_ap.py +class: EfficientNet +hash: 1316894e +model_name: tf_efficientnet_b0_ap +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 20702.1299 +onnx_ops_counter: + Add: 29 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 81 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 75 + Pad: 5 + ReduceMean: 16 + Reshape: 10 + Shape: 13 + Sigmoid: 65 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 5288548 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b0_ap_Opset17_timm/tf_efficientnet_b0_ap_Opset17.onnx b/Computer_Vision/tf_efficientnet_b0_ap_Opset17_timm/tf_efficientnet_b0_ap_Opset17.onnx new file mode 100644 index 000000000..1b1b026bc --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b0_ap_Opset17_timm/tf_efficientnet_b0_ap_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0e1fd1558de979cf2a5d1632b05e73d543e3f4336bd68d88637c8b2e9271d11 +size 21198948 diff --git a/Computer_Vision/tf_efficientnet_b0_ap_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b0_ap_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c0e03d861 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b0_ap_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.005145788192749 + set_success: 0.01726055145263672 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b0_ap_timm_ae20d7e2/onnx/tf_efficientnet_b0_ap_timm_ae20d7e2-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b0_ap.py +class: EfficientNet +hash: 1316894e +model_name: tf_efficientnet_b0_ap +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 20702.1299 +onnx_ops_counter: + Add: 29 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 81 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 75 + Pad: 5 + ReduceMean: 16 + Reshape: 10 + Shape: 13 + Sigmoid: 65 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 5288548 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b0_ns_Opset16_timm/tf_efficientnet_b0_ns_Opset16.onnx b/Computer_Vision/tf_efficientnet_b0_ns_Opset16_timm/tf_efficientnet_b0_ns_Opset16.onnx new file mode 100644 index 000000000..376193058 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b0_ns_Opset16_timm/tf_efficientnet_b0_ns_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87bc8a11343473136bfc5e2b69534e76a6da763a04f667df8e3a672895496918 +size 21198948 diff --git a/Computer_Vision/tf_efficientnet_b0_ns_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b0_ns_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7c7790d11 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b0_ns_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9752061367034912 + set_success: 0.01718735694885254 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b0_ns_timm_ae20d7e2/onnx/tf_efficientnet_b0_ns_timm_ae20d7e2-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b0_ns.py +class: EfficientNet +hash: 1316894e +model_name: tf_efficientnet_b0_ns +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 20702.1299 +onnx_ops_counter: + Add: 29 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 81 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 75 + Pad: 5 + ReduceMean: 16 + Reshape: 10 + Shape: 13 + Sigmoid: 65 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 5288548 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b0_ns_Opset17_timm/tf_efficientnet_b0_ns_Opset17.onnx b/Computer_Vision/tf_efficientnet_b0_ns_Opset17_timm/tf_efficientnet_b0_ns_Opset17.onnx new file mode 100644 index 000000000..3a014288d --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b0_ns_Opset17_timm/tf_efficientnet_b0_ns_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4363b318f5c9e82f0e76d696e19b78ffd1c3ba761e2879b7812141058f88b5fb +size 21198948 diff --git a/Computer_Vision/tf_efficientnet_b0_ns_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b0_ns_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..745da3481 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b0_ns_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.095043182373047 + set_success: 0.019052505493164062 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b0_ns_timm_ae20d7e2/onnx/tf_efficientnet_b0_ns_timm_ae20d7e2-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b0_ns.py +class: EfficientNet +hash: 1316894e +model_name: tf_efficientnet_b0_ns +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 20702.1299 +onnx_ops_counter: + Add: 29 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 81 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 75 + Pad: 5 + ReduceMean: 16 + Reshape: 10 + Shape: 13 + Sigmoid: 65 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 5288548 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b1_Opset16_timm/tf_efficientnet_b1_Opset16.onnx b/Computer_Vision/tf_efficientnet_b1_Opset16_timm/tf_efficientnet_b1_Opset16.onnx new file mode 100644 index 000000000..64d630302 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b1_Opset16_timm/tf_efficientnet_b1_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:95be523e89189b1857244997a4d9c4f1971197dfdf0a0a1cb1920ca482105321 +size 31206677 diff --git a/Computer_Vision/tf_efficientnet_b1_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b1_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..996138141 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b1_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.9779162406921387 + set_success: 0.01737523078918457 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b1_timm_cbe8d81e/onnx/tf_efficientnet_b1_timm_cbe8d81e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b1.py +class: EfficientNet +hash: 7f9dd6b7 +model_name: tf_efficientnet_b1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 30475.3027 +onnx_ops_counter: + Add: 36 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 115 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 102 + Pad: 5 + ReduceMean: 23 + Reshape: 10 + Shape: 13 + Sigmoid: 92 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 7794184 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b1_Opset17_timm/tf_efficientnet_b1_Opset17.onnx b/Computer_Vision/tf_efficientnet_b1_Opset17_timm/tf_efficientnet_b1_Opset17.onnx new file mode 100644 index 000000000..aa14e7ef6 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b1_Opset17_timm/tf_efficientnet_b1_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0a834575f62ede0ca5d100cd1e9d4173b3c5599be80598340bc7a190bd7bcf6 +size 31206677 diff --git a/Computer_Vision/tf_efficientnet_b1_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b1_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4f95ffff5 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b1_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.993345260620117 + set_success: 0.018227338790893555 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b1_timm_cbe8d81e/onnx/tf_efficientnet_b1_timm_cbe8d81e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b1.py +class: EfficientNet +hash: 7f9dd6b7 +model_name: tf_efficientnet_b1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 30475.3027 +onnx_ops_counter: + Add: 36 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 115 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 102 + Pad: 5 + ReduceMean: 23 + Reshape: 10 + Shape: 13 + Sigmoid: 92 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 7794184 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b1_ap_Opset16_timm/tf_efficientnet_b1_ap_Opset16.onnx b/Computer_Vision/tf_efficientnet_b1_ap_Opset16_timm/tf_efficientnet_b1_ap_Opset16.onnx new file mode 100644 index 000000000..6f2a5a800 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b1_ap_Opset16_timm/tf_efficientnet_b1_ap_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8cd9db7ceadebcd711891611cd96b86d591389d17be0b544283ca959c5f9f90 +size 31206677 diff --git a/Computer_Vision/tf_efficientnet_b1_ap_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b1_ap_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e15451627 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b1_ap_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.0073630809783936 + set_success: 0.01787400245666504 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b1_ap_timm_cbe8d81e/onnx/tf_efficientnet_b1_ap_timm_cbe8d81e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b1_ap.py +class: EfficientNet +hash: 7f9dd6b7 +model_name: tf_efficientnet_b1_ap +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 30475.3027 +onnx_ops_counter: + Add: 36 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 115 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 102 + Pad: 5 + ReduceMean: 23 + Reshape: 10 + Shape: 13 + Sigmoid: 92 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 7794184 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b1_ap_Opset17_timm/tf_efficientnet_b1_ap_Opset17.onnx b/Computer_Vision/tf_efficientnet_b1_ap_Opset17_timm/tf_efficientnet_b1_ap_Opset17.onnx new file mode 100644 index 000000000..7d2ab97c2 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b1_ap_Opset17_timm/tf_efficientnet_b1_ap_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ed0cd9fab374e04bc6390c9a236348eb0bae49e49094c0dc0e92483775c20cb6 +size 31206677 diff --git a/Computer_Vision/tf_efficientnet_b1_ap_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b1_ap_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..06a1d0d63 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b1_ap_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.011976480484009 + set_success: 0.018409013748168945 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b1_ap_timm_cbe8d81e/onnx/tf_efficientnet_b1_ap_timm_cbe8d81e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b1_ap.py +class: EfficientNet +hash: 7f9dd6b7 +model_name: tf_efficientnet_b1_ap +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 30475.3027 +onnx_ops_counter: + Add: 36 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 115 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 102 + Pad: 5 + ReduceMean: 23 + Reshape: 10 + Shape: 13 + Sigmoid: 92 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 7794184 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b1_ns_Opset16_timm/tf_efficientnet_b1_ns_Opset16.onnx b/Computer_Vision/tf_efficientnet_b1_ns_Opset16_timm/tf_efficientnet_b1_ns_Opset16.onnx new file mode 100644 index 000000000..64d630302 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b1_ns_Opset16_timm/tf_efficientnet_b1_ns_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:95be523e89189b1857244997a4d9c4f1971197dfdf0a0a1cb1920ca482105321 +size 31206677 diff --git a/Computer_Vision/tf_efficientnet_b1_ns_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b1_ns_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ae54bb8de --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b1_ns_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.9087073802948 + set_success: 0.01875758171081543 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b1_ns_timm_cbe8d81e/onnx/tf_efficientnet_b1_ns_timm_cbe8d81e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b1_ns.py +class: EfficientNet +hash: 7f9dd6b7 +model_name: tf_efficientnet_b1_ns +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 30475.3027 +onnx_ops_counter: + Add: 36 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 115 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 102 + Pad: 5 + ReduceMean: 23 + Reshape: 10 + Shape: 13 + Sigmoid: 92 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 7794184 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b1_ns_Opset17_timm/tf_efficientnet_b1_ns_Opset17.onnx b/Computer_Vision/tf_efficientnet_b1_ns_Opset17_timm/tf_efficientnet_b1_ns_Opset17.onnx new file mode 100644 index 000000000..aa14e7ef6 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b1_ns_Opset17_timm/tf_efficientnet_b1_ns_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0a834575f62ede0ca5d100cd1e9d4173b3c5599be80598340bc7a190bd7bcf6 +size 31206677 diff --git a/Computer_Vision/tf_efficientnet_b1_ns_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b1_ns_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3471d1e9e --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b1_ns_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.051860809326172 + set_success: 0.01821446418762207 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b1_ns_timm_cbe8d81e/onnx/tf_efficientnet_b1_ns_timm_cbe8d81e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b1_ns.py +class: EfficientNet +hash: 7f9dd6b7 +model_name: tf_efficientnet_b1_ns +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 30475.3027 +onnx_ops_counter: + Add: 36 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 115 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 102 + Pad: 5 + ReduceMean: 23 + Reshape: 10 + Shape: 13 + Sigmoid: 92 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 7794184 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b2_Opset16_timm/tf_efficientnet_b2_Opset16.onnx b/Computer_Vision/tf_efficientnet_b2_Opset16_timm/tf_efficientnet_b2_Opset16.onnx new file mode 100644 index 000000000..46533815d --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b2_Opset16_timm/tf_efficientnet_b2_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2cb29db302e11c2a33fc38a165ecadabfde39602ba6e1dc2db39de4b8a5c14f2 +size 36458877 diff --git a/Computer_Vision/tf_efficientnet_b2_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b2_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..212b645dd --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b2_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.0622172355651855 + set_success: 0.019500255584716797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b2_timm_e094bad9/onnx/tf_efficientnet_b2_timm_e094bad9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b2.py +class: EfficientNet +hash: 9800baeb +model_name: tf_efficientnet_b2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 260 + - 260 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 35604.4043 +onnx_ops_counter: + Add: 36 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 115 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 102 + Pad: 5 + ReduceMean: 23 + Reshape: 10 + Shape: 13 + Sigmoid: 92 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 9109994 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b2_Opset17_timm/tf_efficientnet_b2_Opset17.onnx b/Computer_Vision/tf_efficientnet_b2_Opset17_timm/tf_efficientnet_b2_Opset17.onnx new file mode 100644 index 000000000..fb07d5098 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b2_Opset17_timm/tf_efficientnet_b2_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1074a0576f1fd0e8955970c6d31afec036a49d05d5f514828bc533374968e27f +size 36458877 diff --git a/Computer_Vision/tf_efficientnet_b2_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b2_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9e7065a97 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b2_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.06738543510437 + set_success: 0.017578125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b2_timm_e094bad9/onnx/tf_efficientnet_b2_timm_e094bad9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b2.py +class: EfficientNet +hash: 9800baeb +model_name: tf_efficientnet_b2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 260 + - 260 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 35604.4043 +onnx_ops_counter: + Add: 36 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 115 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 102 + Pad: 5 + ReduceMean: 23 + Reshape: 10 + Shape: 13 + Sigmoid: 92 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 9109994 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b2_ap_Opset16_timm/tf_efficientnet_b2_ap_Opset16.onnx b/Computer_Vision/tf_efficientnet_b2_ap_Opset16_timm/tf_efficientnet_b2_ap_Opset16.onnx new file mode 100644 index 000000000..9d1e01947 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b2_ap_Opset16_timm/tf_efficientnet_b2_ap_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef2794fddf10e22cba59f742c3fd0d2d1dbf3f56207633fb66ee9d6be94794a5 +size 36458877 diff --git a/Computer_Vision/tf_efficientnet_b2_ap_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b2_ap_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a0851c3a9 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b2_ap_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.0968918800354004 + set_success: 0.020830631256103516 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b2_ap_timm_e094bad9/onnx/tf_efficientnet_b2_ap_timm_e094bad9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b2_ap.py +class: EfficientNet +hash: 9800baeb +model_name: tf_efficientnet_b2_ap +onnx_input_dimensions: + x: + - 1 + - 3 + - 260 + - 260 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 35604.4043 +onnx_ops_counter: + Add: 36 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 115 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 102 + Pad: 5 + ReduceMean: 23 + Reshape: 10 + Shape: 13 + Sigmoid: 92 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 9109994 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b2_ap_Opset17_timm/tf_efficientnet_b2_ap_Opset17.onnx b/Computer_Vision/tf_efficientnet_b2_ap_Opset17_timm/tf_efficientnet_b2_ap_Opset17.onnx new file mode 100644 index 000000000..c4f091627 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b2_ap_Opset17_timm/tf_efficientnet_b2_ap_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:067e91724820fb5ab6906bd9947168e816ce88054643549a0395aa3e0281e3ca +size 36458877 diff --git a/Computer_Vision/tf_efficientnet_b2_ap_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b2_ap_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2b0af2bb4 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b2_ap_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.1432342529296875 + set_success: 0.01869368553161621 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b2_ap_timm_e094bad9/onnx/tf_efficientnet_b2_ap_timm_e094bad9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b2_ap.py +class: EfficientNet +hash: 9800baeb +model_name: tf_efficientnet_b2_ap +onnx_input_dimensions: + x: + - 1 + - 3 + - 260 + - 260 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 35604.4043 +onnx_ops_counter: + Add: 36 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 115 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 102 + Pad: 5 + ReduceMean: 23 + Reshape: 10 + Shape: 13 + Sigmoid: 92 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 9109994 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b2_ns_Opset16_timm/tf_efficientnet_b2_ns_Opset16.onnx b/Computer_Vision/tf_efficientnet_b2_ns_Opset16_timm/tf_efficientnet_b2_ns_Opset16.onnx new file mode 100644 index 000000000..46533815d --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b2_ns_Opset16_timm/tf_efficientnet_b2_ns_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2cb29db302e11c2a33fc38a165ecadabfde39602ba6e1dc2db39de4b8a5c14f2 +size 36458877 diff --git a/Computer_Vision/tf_efficientnet_b2_ns_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b2_ns_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e439e19ec --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b2_ns_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.0886852741241455 + set_success: 0.0177462100982666 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b2_ns_timm_e094bad9/onnx/tf_efficientnet_b2_ns_timm_e094bad9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b2_ns.py +class: EfficientNet +hash: 9800baeb +model_name: tf_efficientnet_b2_ns +onnx_input_dimensions: + x: + - 1 + - 3 + - 260 + - 260 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 35604.4043 +onnx_ops_counter: + Add: 36 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 115 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 102 + Pad: 5 + ReduceMean: 23 + Reshape: 10 + Shape: 13 + Sigmoid: 92 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 9109994 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b2_ns_Opset17_timm/tf_efficientnet_b2_ns_Opset17.onnx b/Computer_Vision/tf_efficientnet_b2_ns_Opset17_timm/tf_efficientnet_b2_ns_Opset17.onnx new file mode 100644 index 000000000..fb07d5098 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b2_ns_Opset17_timm/tf_efficientnet_b2_ns_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1074a0576f1fd0e8955970c6d31afec036a49d05d5f514828bc533374968e27f +size 36458877 diff --git a/Computer_Vision/tf_efficientnet_b2_ns_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b2_ns_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0139659ac --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b2_ns_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.2571513652801514 + set_success: 0.024491071701049805 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b2_ns_timm_e094bad9/onnx/tf_efficientnet_b2_ns_timm_e094bad9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b2_ns.py +class: EfficientNet +hash: 9800baeb +model_name: tf_efficientnet_b2_ns +onnx_input_dimensions: + x: + - 1 + - 3 + - 260 + - 260 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 35604.4043 +onnx_ops_counter: + Add: 36 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 115 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 102 + Pad: 5 + ReduceMean: 23 + Reshape: 10 + Shape: 13 + Sigmoid: 92 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 9109994 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b3_Opset16_timm/tf_efficientnet_b3_Opset16.onnx b/Computer_Vision/tf_efficientnet_b3_Opset16_timm/tf_efficientnet_b3_Opset16.onnx new file mode 100644 index 000000000..5eaf09de4 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b3_Opset16_timm/tf_efficientnet_b3_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0bd05d43ecf5cab4045d31fd0349577e7146399e5d35955eb3c8151e9e039db +size 48923575 diff --git a/Computer_Vision/tf_efficientnet_b3_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b3_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e43d9d3b5 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b3_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.703721284866333 + set_success: 0.021388530731201172 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b3_timm_ef0c33ff/onnx/tf_efficientnet_b3_timm_ef0c33ff-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b3.py +class: EfficientNet +hash: e64befeb +model_name: tf_efficientnet_b3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 300 + - 300 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 47776.9609 +onnx_ops_counter: + Add: 39 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 130 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 114 + Pad: 5 + ReduceMean: 26 + Reshape: 10 + Shape: 13 + Sigmoid: 104 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 12233232 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b3_Opset17_timm/tf_efficientnet_b3_Opset17.onnx b/Computer_Vision/tf_efficientnet_b3_Opset17_timm/tf_efficientnet_b3_Opset17.onnx new file mode 100644 index 000000000..7675472ec --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b3_Opset17_timm/tf_efficientnet_b3_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea33ba12644081907adf4c5bc58c3c67c40c0c451f26c26fc432f2c8e145203b +size 48923575 diff --git a/Computer_Vision/tf_efficientnet_b3_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b3_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f5157a62a --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b3_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.27833366394043 + set_success: 0.03455090522766113 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b3_timm_ef0c33ff/onnx/tf_efficientnet_b3_timm_ef0c33ff-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b3.py +class: EfficientNet +hash: e64befeb +model_name: tf_efficientnet_b3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 300 + - 300 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 47776.9609 +onnx_ops_counter: + Add: 39 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 130 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 114 + Pad: 5 + ReduceMean: 26 + Reshape: 10 + Shape: 13 + Sigmoid: 104 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 12233232 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b3_ap_Opset16_timm/tf_efficientnet_b3_ap_Opset16.onnx b/Computer_Vision/tf_efficientnet_b3_ap_Opset16_timm/tf_efficientnet_b3_ap_Opset16.onnx new file mode 100644 index 000000000..efc7d5d41 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b3_ap_Opset16_timm/tf_efficientnet_b3_ap_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dffd18f077047a8787b90079012a05846ac9d627c4ab3da0e3fad20f05872ab1 +size 48923575 diff --git a/Computer_Vision/tf_efficientnet_b3_ap_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b3_ap_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..37fd550b8 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b3_ap_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.6864681243896484 + set_success: 0.02072310447692871 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b3_ap_timm_ef0c33ff/onnx/tf_efficientnet_b3_ap_timm_ef0c33ff-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b3_ap.py +class: EfficientNet +hash: e64befeb +model_name: tf_efficientnet_b3_ap +onnx_input_dimensions: + x: + - 1 + - 3 + - 300 + - 300 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 47776.9609 +onnx_ops_counter: + Add: 39 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 130 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 114 + Pad: 5 + ReduceMean: 26 + Reshape: 10 + Shape: 13 + Sigmoid: 104 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 12233232 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b3_ap_Opset17_timm/tf_efficientnet_b3_ap_Opset17.onnx b/Computer_Vision/tf_efficientnet_b3_ap_Opset17_timm/tf_efficientnet_b3_ap_Opset17.onnx new file mode 100644 index 000000000..9ac6da056 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b3_ap_Opset17_timm/tf_efficientnet_b3_ap_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f808c7f031fde909a12719760824218ddd076021c20c2ac83101959470bda3b5 +size 48923575 diff --git a/Computer_Vision/tf_efficientnet_b3_ap_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b3_ap_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..12c60a6f3 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b3_ap_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.7833261489868164 + set_success: 0.02075934410095215 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b3_ap_timm_ef0c33ff/onnx/tf_efficientnet_b3_ap_timm_ef0c33ff-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b3_ap.py +class: EfficientNet +hash: e64befeb +model_name: tf_efficientnet_b3_ap +onnx_input_dimensions: + x: + - 1 + - 3 + - 300 + - 300 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 47776.9609 +onnx_ops_counter: + Add: 39 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 130 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 114 + Pad: 5 + ReduceMean: 26 + Reshape: 10 + Shape: 13 + Sigmoid: 104 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 12233232 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b3_ns_Opset16_timm/tf_efficientnet_b3_ns_Opset16.onnx b/Computer_Vision/tf_efficientnet_b3_ns_Opset16_timm/tf_efficientnet_b3_ns_Opset16.onnx new file mode 100644 index 000000000..5eaf09de4 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b3_ns_Opset16_timm/tf_efficientnet_b3_ns_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0bd05d43ecf5cab4045d31fd0349577e7146399e5d35955eb3c8151e9e039db +size 48923575 diff --git a/Computer_Vision/tf_efficientnet_b3_ns_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b3_ns_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..05df4d263 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b3_ns_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.654170513153076 + set_success: 0.020944833755493164 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b3_ns_timm_ef0c33ff/onnx/tf_efficientnet_b3_ns_timm_ef0c33ff-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b3_ns.py +class: EfficientNet +hash: e64befeb +model_name: tf_efficientnet_b3_ns +onnx_input_dimensions: + x: + - 1 + - 3 + - 300 + - 300 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 47776.9609 +onnx_ops_counter: + Add: 39 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 130 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 114 + Pad: 5 + ReduceMean: 26 + Reshape: 10 + Shape: 13 + Sigmoid: 104 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 12233232 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b3_ns_Opset17_timm/tf_efficientnet_b3_ns_Opset17.onnx b/Computer_Vision/tf_efficientnet_b3_ns_Opset17_timm/tf_efficientnet_b3_ns_Opset17.onnx new file mode 100644 index 000000000..7675472ec --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b3_ns_Opset17_timm/tf_efficientnet_b3_ns_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea33ba12644081907adf4c5bc58c3c67c40c0c451f26c26fc432f2c8e145203b +size 48923575 diff --git a/Computer_Vision/tf_efficientnet_b3_ns_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b3_ns_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3dc1ced4a --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b3_ns_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.744777202606201 + set_success: 0.018830060958862305 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b3_ns_timm_ef0c33ff/onnx/tf_efficientnet_b3_ns_timm_ef0c33ff-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b3_ns.py +class: EfficientNet +hash: e64befeb +model_name: tf_efficientnet_b3_ns +onnx_input_dimensions: + x: + - 1 + - 3 + - 300 + - 300 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 47776.9609 +onnx_ops_counter: + Add: 39 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 130 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 114 + Pad: 5 + ReduceMean: 26 + Reshape: 10 + Shape: 13 + Sigmoid: 104 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 12233232 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b4_Opset16_timm/tf_efficientnet_b4_Opset16.onnx b/Computer_Vision/tf_efficientnet_b4_Opset16_timm/tf_efficientnet_b4_Opset16.onnx new file mode 100644 index 000000000..3db345257 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b4_Opset16_timm/tf_efficientnet_b4_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4516edb27bbe7261fdad600155d97abc050c2fb29207091d38439c59d28fdb12 +size 77303583 diff --git a/Computer_Vision/tf_efficientnet_b4_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b4_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6af51e08b --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b4_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.0000340938568115 + set_success: 0.021996259689331055 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b4_timm_8d15b87b/onnx/tf_efficientnet_b4_timm_8d15b87b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b4.py +class: EfficientNet +hash: 3593adfd +model_name: tf_efficientnet_b4 +onnx_input_dimensions: + x: + - 1 + - 3 + - 380 + - 380 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 75491.8125 +onnx_ops_counter: + Add: 45 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 160 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 138 + Pad: 5 + ReduceMean: 32 + Reshape: 10 + Shape: 13 + Sigmoid: 128 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 19341616 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b4_Opset17_timm/tf_efficientnet_b4_Opset17.onnx b/Computer_Vision/tf_efficientnet_b4_Opset17_timm/tf_efficientnet_b4_Opset17.onnx new file mode 100644 index 000000000..2ee8e1a10 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b4_Opset17_timm/tf_efficientnet_b4_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3789b936466beefc30bc145b1d1833ca9cb479eddf79e7ccaf1caea8f4368ebd +size 77303583 diff --git a/Computer_Vision/tf_efficientnet_b4_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b4_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..684c84b51 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b4_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.285419940948486 + set_success: 0.02637958526611328 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b4_timm_8d15b87b/onnx/tf_efficientnet_b4_timm_8d15b87b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b4.py +class: EfficientNet +hash: 3593adfd +model_name: tf_efficientnet_b4 +onnx_input_dimensions: + x: + - 1 + - 3 + - 380 + - 380 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 75491.8125 +onnx_ops_counter: + Add: 45 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 160 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 138 + Pad: 5 + ReduceMean: 32 + Reshape: 10 + Shape: 13 + Sigmoid: 128 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 19341616 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b4_ap_Opset16_timm/tf_efficientnet_b4_ap_Opset16.onnx b/Computer_Vision/tf_efficientnet_b4_ap_Opset16_timm/tf_efficientnet_b4_ap_Opset16.onnx new file mode 100644 index 000000000..ed82b478b --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b4_ap_Opset16_timm/tf_efficientnet_b4_ap_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b1af02a6ac614aee153f440aef235d7207bcc8fbeedea676624f1aed0f8ca2a7 +size 77303583 diff --git a/Computer_Vision/tf_efficientnet_b4_ap_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b4_ap_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f3338d526 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b4_ap_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.0508997440338135 + set_success: 0.02256608009338379 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b4_ap_timm_8d15b87b/onnx/tf_efficientnet_b4_ap_timm_8d15b87b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b4_ap.py +class: EfficientNet +hash: 3593adfd +model_name: tf_efficientnet_b4_ap +onnx_input_dimensions: + x: + - 1 + - 3 + - 380 + - 380 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 75491.8125 +onnx_ops_counter: + Add: 45 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 160 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 138 + Pad: 5 + ReduceMean: 32 + Reshape: 10 + Shape: 13 + Sigmoid: 128 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 19341616 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b4_ap_Opset17_timm/tf_efficientnet_b4_ap_Opset17.onnx b/Computer_Vision/tf_efficientnet_b4_ap_Opset17_timm/tf_efficientnet_b4_ap_Opset17.onnx new file mode 100644 index 000000000..8843bfcc1 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b4_ap_Opset17_timm/tf_efficientnet_b4_ap_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:275a52c2463eea26701ad2acac28775eecae03e5e86212e630674296f28a47fa +size 77303583 diff --git a/Computer_Vision/tf_efficientnet_b4_ap_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b4_ap_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e7da29674 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b4_ap_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.109546899795532 + set_success: 0.025209903717041016 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b4_ap_timm_8d15b87b/onnx/tf_efficientnet_b4_ap_timm_8d15b87b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b4_ap.py +class: EfficientNet +hash: 3593adfd +model_name: tf_efficientnet_b4_ap +onnx_input_dimensions: + x: + - 1 + - 3 + - 380 + - 380 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 75491.8125 +onnx_ops_counter: + Add: 45 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 160 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 138 + Pad: 5 + ReduceMean: 32 + Reshape: 10 + Shape: 13 + Sigmoid: 128 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 19341616 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b4_ns_Opset16_timm/tf_efficientnet_b4_ns_Opset16.onnx b/Computer_Vision/tf_efficientnet_b4_ns_Opset16_timm/tf_efficientnet_b4_ns_Opset16.onnx new file mode 100644 index 000000000..3db345257 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b4_ns_Opset16_timm/tf_efficientnet_b4_ns_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4516edb27bbe7261fdad600155d97abc050c2fb29207091d38439c59d28fdb12 +size 77303583 diff --git a/Computer_Vision/tf_efficientnet_b4_ns_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b4_ns_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6ce6232b3 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b4_ns_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.153878211975098 + set_success: 0.024570226669311523 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b4_ns_timm_8d15b87b/onnx/tf_efficientnet_b4_ns_timm_8d15b87b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b4_ns.py +class: EfficientNet +hash: 3593adfd +model_name: tf_efficientnet_b4_ns +onnx_input_dimensions: + x: + - 1 + - 3 + - 380 + - 380 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 75491.8125 +onnx_ops_counter: + Add: 45 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 160 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 138 + Pad: 5 + ReduceMean: 32 + Reshape: 10 + Shape: 13 + Sigmoid: 128 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 19341616 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b4_ns_Opset17_timm/tf_efficientnet_b4_ns_Opset17.onnx b/Computer_Vision/tf_efficientnet_b4_ns_Opset17_timm/tf_efficientnet_b4_ns_Opset17.onnx new file mode 100644 index 000000000..2ee8e1a10 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b4_ns_Opset17_timm/tf_efficientnet_b4_ns_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3789b936466beefc30bc145b1d1833ca9cb479eddf79e7ccaf1caea8f4368ebd +size 77303583 diff --git a/Computer_Vision/tf_efficientnet_b4_ns_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b4_ns_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ba7db2968 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b4_ns_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.162726879119873 + set_success: 0.02301168441772461 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b4_ns_timm_8d15b87b/onnx/tf_efficientnet_b4_ns_timm_8d15b87b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b4_ns.py +class: EfficientNet +hash: 3593adfd +model_name: tf_efficientnet_b4_ns +onnx_input_dimensions: + x: + - 1 + - 3 + - 380 + - 380 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 75491.8125 +onnx_ops_counter: + Add: 45 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 160 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 138 + Pad: 5 + ReduceMean: 32 + Reshape: 10 + Shape: 13 + Sigmoid: 128 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 19341616 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b5_Opset16_timm/tf_efficientnet_b5_Opset16.onnx b/Computer_Vision/tf_efficientnet_b5_Opset16_timm/tf_efficientnet_b5_Opset16.onnx new file mode 100644 index 000000000..852966097 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b5_Opset16_timm/tf_efficientnet_b5_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b71ebfae1e92a5ce819272bd0c48092a915ebceed3e31a3f4e5951a25d373140 +size 121426497 diff --git a/Computer_Vision/tf_efficientnet_b5_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b5_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c7018964f --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b5_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.906319618225098 + set_success: 0.024631500244140625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b5_timm_1271ee0c/onnx/tf_efficientnet_b5_timm_1271ee0c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b5.py +class: EfficientNet +hash: 7b238643 +model_name: tf_efficientnet_b5 +onnx_input_dimensions: + x: + - 1 + - 3 + - 456 + - 456 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 118580.5957 +onnx_ops_counter: + Add: 52 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 194 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 165 + Pad: 5 + ReduceMean: 39 + Reshape: 10 + Shape: 13 + Sigmoid: 155 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 30389784 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b5_Opset17_timm/tf_efficientnet_b5_Opset17.onnx b/Computer_Vision/tf_efficientnet_b5_Opset17_timm/tf_efficientnet_b5_Opset17.onnx new file mode 100644 index 000000000..dcd18b5c8 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b5_Opset17_timm/tf_efficientnet_b5_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f550c3b4bb1cb1a17c0432312589e4567d702d2786054f60248c433c6815c8c4 +size 121426497 diff --git a/Computer_Vision/tf_efficientnet_b5_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b5_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..636d3f361 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b5_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.837971448898315 + set_success: 0.02443695068359375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b5_timm_1271ee0c/onnx/tf_efficientnet_b5_timm_1271ee0c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b5.py +class: EfficientNet +hash: 7b238643 +model_name: tf_efficientnet_b5 +onnx_input_dimensions: + x: + - 1 + - 3 + - 456 + - 456 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 118580.5957 +onnx_ops_counter: + Add: 52 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 194 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 165 + Pad: 5 + ReduceMean: 39 + Reshape: 10 + Shape: 13 + Sigmoid: 155 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 30389784 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b5_ap_Opset16_timm/tf_efficientnet_b5_ap_Opset16.onnx b/Computer_Vision/tf_efficientnet_b5_ap_Opset16_timm/tf_efficientnet_b5_ap_Opset16.onnx new file mode 100644 index 000000000..008c72b0f --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b5_ap_Opset16_timm/tf_efficientnet_b5_ap_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c3e52fbac339b92ea3238ca7801d207dd52f6125aff11d6c9290c08cb000538 +size 121426497 diff --git a/Computer_Vision/tf_efficientnet_b5_ap_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b5_ap_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..eb523b1f2 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b5_ap_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.812633752822876 + set_success: 0.031964778900146484 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b5_ap_timm_1271ee0c/onnx/tf_efficientnet_b5_ap_timm_1271ee0c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b5_ap.py +class: EfficientNet +hash: 7b238643 +model_name: tf_efficientnet_b5_ap +onnx_input_dimensions: + x: + - 1 + - 3 + - 456 + - 456 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 118580.5957 +onnx_ops_counter: + Add: 52 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 194 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 165 + Pad: 5 + ReduceMean: 39 + Reshape: 10 + Shape: 13 + Sigmoid: 155 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 30389784 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b5_ap_Opset17_timm/tf_efficientnet_b5_ap_Opset17.onnx b/Computer_Vision/tf_efficientnet_b5_ap_Opset17_timm/tf_efficientnet_b5_ap_Opset17.onnx new file mode 100644 index 000000000..cd95a9304 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b5_ap_Opset17_timm/tf_efficientnet_b5_ap_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d2636504d55a2b40dfc04a9f548ea51c94502e1d7d8fdb3f985503f961cfa421 +size 121426497 diff --git a/Computer_Vision/tf_efficientnet_b5_ap_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b5_ap_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..001082efd --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b5_ap_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.927087783813477 + set_success: 0.030627012252807617 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b5_ap_timm_1271ee0c/onnx/tf_efficientnet_b5_ap_timm_1271ee0c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b5_ap.py +class: EfficientNet +hash: 7b238643 +model_name: tf_efficientnet_b5_ap +onnx_input_dimensions: + x: + - 1 + - 3 + - 456 + - 456 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 118580.5957 +onnx_ops_counter: + Add: 52 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 194 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 165 + Pad: 5 + ReduceMean: 39 + Reshape: 10 + Shape: 13 + Sigmoid: 155 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 30389784 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b5_ns_Opset16_timm/tf_efficientnet_b5_ns_Opset16.onnx b/Computer_Vision/tf_efficientnet_b5_ns_Opset16_timm/tf_efficientnet_b5_ns_Opset16.onnx new file mode 100644 index 000000000..852966097 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b5_ns_Opset16_timm/tf_efficientnet_b5_ns_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b71ebfae1e92a5ce819272bd0c48092a915ebceed3e31a3f4e5951a25d373140 +size 121426497 diff --git a/Computer_Vision/tf_efficientnet_b5_ns_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b5_ns_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a895a872d --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b5_ns_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.7631261348724365 + set_success: 0.029432058334350586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b5_ns_timm_1271ee0c/onnx/tf_efficientnet_b5_ns_timm_1271ee0c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b5_ns.py +class: EfficientNet +hash: 7b238643 +model_name: tf_efficientnet_b5_ns +onnx_input_dimensions: + x: + - 1 + - 3 + - 456 + - 456 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 118580.5957 +onnx_ops_counter: + Add: 52 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 194 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 165 + Pad: 5 + ReduceMean: 39 + Reshape: 10 + Shape: 13 + Sigmoid: 155 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 30389784 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b5_ns_Opset17_timm/tf_efficientnet_b5_ns_Opset17.onnx b/Computer_Vision/tf_efficientnet_b5_ns_Opset17_timm/tf_efficientnet_b5_ns_Opset17.onnx new file mode 100644 index 000000000..dcd18b5c8 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b5_ns_Opset17_timm/tf_efficientnet_b5_ns_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f550c3b4bb1cb1a17c0432312589e4567d702d2786054f60248c433c6815c8c4 +size 121426497 diff --git a/Computer_Vision/tf_efficientnet_b5_ns_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b5_ns_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..50d39fcb6 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b5_ns_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.9863879680633545 + set_success: 0.02539825439453125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b5_ns_timm_1271ee0c/onnx/tf_efficientnet_b5_ns_timm_1271ee0c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b5_ns.py +class: EfficientNet +hash: 7b238643 +model_name: tf_efficientnet_b5_ns +onnx_input_dimensions: + x: + - 1 + - 3 + - 456 + - 456 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 118580.5957 +onnx_ops_counter: + Add: 52 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 194 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 165 + Pad: 5 + ReduceMean: 39 + Reshape: 10 + Shape: 13 + Sigmoid: 155 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 30389784 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b6_Opset16_timm/tf_efficientnet_b6_Opset16.onnx b/Computer_Vision/tf_efficientnet_b6_Opset16_timm/tf_efficientnet_b6_Opset16.onnx new file mode 100644 index 000000000..077dfd3ee --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b6_Opset16_timm/tf_efficientnet_b6_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52154f4ed0a196a489631fefb4b238244d4d2c0ca1f8e5f765e1e57af3e6f73d +size 171949136 diff --git a/Computer_Vision/tf_efficientnet_b6_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b6_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a4bc25cdc --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b6_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.08324646949768 + set_success: 0.026312589645385742 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b6_timm_01a5bd75/onnx/tf_efficientnet_b6_timm_01a5bd75-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b6.py +class: EfficientNet +hash: d4456f0a +model_name: tf_efficientnet_b6 +onnx_input_dimensions: + x: + - 1 + - 3 + - 528 + - 528 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 167919.1104 +onnx_ops_counter: + Add: 58 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 224 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 189 + Pad: 5 + ReduceMean: 45 + Reshape: 10 + Shape: 13 + Sigmoid: 179 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 43040704 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b6_Opset17_timm/tf_efficientnet_b6_Opset17.onnx b/Computer_Vision/tf_efficientnet_b6_Opset17_timm/tf_efficientnet_b6_Opset17.onnx new file mode 100644 index 000000000..867876c55 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b6_Opset17_timm/tf_efficientnet_b6_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8a34a37b6378ca718e0be04413a10ffbde1f57c25aa1fc534e54143b32df9d7 +size 171949136 diff --git a/Computer_Vision/tf_efficientnet_b6_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b6_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..43be72a4e --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b6_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.025507688522339 + set_success: 0.028377532958984375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b6_timm_01a5bd75/onnx/tf_efficientnet_b6_timm_01a5bd75-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b6.py +class: EfficientNet +hash: d4456f0a +model_name: tf_efficientnet_b6 +onnx_input_dimensions: + x: + - 1 + - 3 + - 528 + - 528 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 167919.1104 +onnx_ops_counter: + Add: 58 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 224 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 189 + Pad: 5 + ReduceMean: 45 + Reshape: 10 + Shape: 13 + Sigmoid: 179 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 43040704 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b6_ap_Opset16_timm/tf_efficientnet_b6_ap_Opset16.onnx b/Computer_Vision/tf_efficientnet_b6_ap_Opset16_timm/tf_efficientnet_b6_ap_Opset16.onnx new file mode 100644 index 000000000..4c18dbffe --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b6_ap_Opset16_timm/tf_efficientnet_b6_ap_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e8b5eba40d9df6187a62118c814dc4faa148f07bccbc17ac1a1742cdd11ba1c +size 171949136 diff --git a/Computer_Vision/tf_efficientnet_b6_ap_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b6_ap_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a4273b7a7 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b6_ap_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.1098051071167 + set_success: 0.029365062713623047 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b6_ap_timm_01a5bd75/onnx/tf_efficientnet_b6_ap_timm_01a5bd75-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b6_ap.py +class: EfficientNet +hash: d4456f0a +model_name: tf_efficientnet_b6_ap +onnx_input_dimensions: + x: + - 1 + - 3 + - 528 + - 528 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 167919.1104 +onnx_ops_counter: + Add: 58 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 224 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 189 + Pad: 5 + ReduceMean: 45 + Reshape: 10 + Shape: 13 + Sigmoid: 179 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 43040704 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b6_ap_Opset17_timm/tf_efficientnet_b6_ap_Opset17.onnx b/Computer_Vision/tf_efficientnet_b6_ap_Opset17_timm/tf_efficientnet_b6_ap_Opset17.onnx new file mode 100644 index 000000000..e89fb5588 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b6_ap_Opset17_timm/tf_efficientnet_b6_ap_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:28bc057f1b502a9c507562c63be93dc261c2fa6f899f87eb503d26414938d25d +size 171949136 diff --git a/Computer_Vision/tf_efficientnet_b6_ap_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b6_ap_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c0ff4e2cc --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b6_ap_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.270955324172974 + set_success: 0.028661251068115234 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b6_ap_timm_01a5bd75/onnx/tf_efficientnet_b6_ap_timm_01a5bd75-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b6_ap.py +class: EfficientNet +hash: d4456f0a +model_name: tf_efficientnet_b6_ap +onnx_input_dimensions: + x: + - 1 + - 3 + - 528 + - 528 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 167919.1104 +onnx_ops_counter: + Add: 58 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 224 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 189 + Pad: 5 + ReduceMean: 45 + Reshape: 10 + Shape: 13 + Sigmoid: 179 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 43040704 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b6_ns_Opset16_timm/tf_efficientnet_b6_ns_Opset16.onnx b/Computer_Vision/tf_efficientnet_b6_ns_Opset16_timm/tf_efficientnet_b6_ns_Opset16.onnx new file mode 100644 index 000000000..077dfd3ee --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b6_ns_Opset16_timm/tf_efficientnet_b6_ns_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52154f4ed0a196a489631fefb4b238244d4d2c0ca1f8e5f765e1e57af3e6f73d +size 171949136 diff --git a/Computer_Vision/tf_efficientnet_b6_ns_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b6_ns_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2c61cc59d --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b6_ns_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.585209608078003 + set_success: 0.0323643684387207 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b6_ns_timm_01a5bd75/onnx/tf_efficientnet_b6_ns_timm_01a5bd75-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b6_ns.py +class: EfficientNet +hash: d4456f0a +model_name: tf_efficientnet_b6_ns +onnx_input_dimensions: + x: + - 1 + - 3 + - 528 + - 528 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 167919.1104 +onnx_ops_counter: + Add: 58 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 224 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 189 + Pad: 5 + ReduceMean: 45 + Reshape: 10 + Shape: 13 + Sigmoid: 179 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 43040704 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b6_ns_Opset17_timm/tf_efficientnet_b6_ns_Opset17.onnx b/Computer_Vision/tf_efficientnet_b6_ns_Opset17_timm/tf_efficientnet_b6_ns_Opset17.onnx new file mode 100644 index 000000000..867876c55 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b6_ns_Opset17_timm/tf_efficientnet_b6_ns_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8a34a37b6378ca718e0be04413a10ffbde1f57c25aa1fc534e54143b32df9d7 +size 171949136 diff --git a/Computer_Vision/tf_efficientnet_b6_ns_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b6_ns_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..fd5bb1653 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b6_ns_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.454546928405762 + set_success: 0.03433346748352051 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b6_ns_timm_01a5bd75/onnx/tf_efficientnet_b6_ns_timm_01a5bd75-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b6_ns.py +class: EfficientNet +hash: d4456f0a +model_name: tf_efficientnet_b6_ns +onnx_input_dimensions: + x: + - 1 + - 3 + - 528 + - 528 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 167919.1104 +onnx_ops_counter: + Add: 58 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 224 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 189 + Pad: 5 + ReduceMean: 45 + Reshape: 10 + Shape: 13 + Sigmoid: 179 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 43040704 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b7_Opset16_timm/tf_efficientnet_b7_Opset16.onnx b/Computer_Vision/tf_efficientnet_b7_Opset16_timm/tf_efficientnet_b7_Opset16.onnx new file mode 100644 index 000000000..c2733fe77 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b7_Opset16_timm/tf_efficientnet_b7_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ada3edc029cd121b89b2130e65ce4bcef6e9db892dfee5591b3b6020babd4ddb +size 265042100 diff --git a/Computer_Vision/tf_efficientnet_b7_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b7_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5d7febccf --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b7_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 14.362191677093506 + set_success: 0.03181123733520508 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b7_timm_6d604c21/onnx/tf_efficientnet_b7_timm_6d604c21-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b7.py +class: EfficientNet +hash: 06877d85 +model_name: tf_efficientnet_b7 +onnx_input_dimensions: + x: + - 1 + - 3 + - 600 + - 600 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 258830.208 +onnx_ops_counter: + Add: 68 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 273 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 228 + Pad: 5 + ReduceMean: 55 + Reshape: 10 + Shape: 13 + Sigmoid: 218 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 66347960 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b7_Opset17_timm/tf_efficientnet_b7_Opset17.onnx b/Computer_Vision/tf_efficientnet_b7_Opset17_timm/tf_efficientnet_b7_Opset17.onnx new file mode 100644 index 000000000..fce080dca --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b7_Opset17_timm/tf_efficientnet_b7_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:509f7c521148365200e51be4938015650efe39c47fc8e8386f13149d44359d92 +size 265042100 diff --git a/Computer_Vision/tf_efficientnet_b7_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b7_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..93628f1cd --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b7_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.398473024368286 + set_success: 0.0318143367767334 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b7_timm_6d604c21/onnx/tf_efficientnet_b7_timm_6d604c21-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b7.py +class: EfficientNet +hash: 06877d85 +model_name: tf_efficientnet_b7 +onnx_input_dimensions: + x: + - 1 + - 3 + - 600 + - 600 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 258830.208 +onnx_ops_counter: + Add: 68 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 273 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 228 + Pad: 5 + ReduceMean: 55 + Reshape: 10 + Shape: 13 + Sigmoid: 218 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 66347960 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b7_ap_Opset16_timm/tf_efficientnet_b7_ap_Opset16.onnx b/Computer_Vision/tf_efficientnet_b7_ap_Opset16_timm/tf_efficientnet_b7_ap_Opset16.onnx new file mode 100644 index 000000000..b6d29bfa7 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b7_ap_Opset16_timm/tf_efficientnet_b7_ap_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c17f104e1ca9f8545a143f84c20523c7618e664cb3a055103136b7bda9867c72 +size 265042100 diff --git a/Computer_Vision/tf_efficientnet_b7_ap_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b7_ap_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6f35c6e90 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b7_ap_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.303107023239136 + set_success: 0.03352165222167969 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b7_ap_timm_6d604c21/onnx/tf_efficientnet_b7_ap_timm_6d604c21-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b7_ap.py +class: EfficientNet +hash: 06877d85 +model_name: tf_efficientnet_b7_ap +onnx_input_dimensions: + x: + - 1 + - 3 + - 600 + - 600 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 258830.208 +onnx_ops_counter: + Add: 68 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 273 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 228 + Pad: 5 + ReduceMean: 55 + Reshape: 10 + Shape: 13 + Sigmoid: 218 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 66347960 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b7_ap_Opset17_timm/tf_efficientnet_b7_ap_Opset17.onnx b/Computer_Vision/tf_efficientnet_b7_ap_Opset17_timm/tf_efficientnet_b7_ap_Opset17.onnx new file mode 100644 index 000000000..8e715fb06 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b7_ap_Opset17_timm/tf_efficientnet_b7_ap_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff4f513ac5064e782051c6fd10d4a8f60ae48d47a2039cb7dd2c4de894f68a11 +size 265042100 diff --git a/Computer_Vision/tf_efficientnet_b7_ap_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b7_ap_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a52100de2 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b7_ap_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.119465827941895 + set_success: 0.03709983825683594 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b7_ap_timm_6d604c21/onnx/tf_efficientnet_b7_ap_timm_6d604c21-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b7_ap.py +class: EfficientNet +hash: 06877d85 +model_name: tf_efficientnet_b7_ap +onnx_input_dimensions: + x: + - 1 + - 3 + - 600 + - 600 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 258830.208 +onnx_ops_counter: + Add: 68 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 273 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 228 + Pad: 5 + ReduceMean: 55 + Reshape: 10 + Shape: 13 + Sigmoid: 218 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 66347960 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b7_ns_Opset16_timm/tf_efficientnet_b7_ns_Opset16.onnx b/Computer_Vision/tf_efficientnet_b7_ns_Opset16_timm/tf_efficientnet_b7_ns_Opset16.onnx new file mode 100644 index 000000000..c2733fe77 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b7_ns_Opset16_timm/tf_efficientnet_b7_ns_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ada3edc029cd121b89b2130e65ce4bcef6e9db892dfee5591b3b6020babd4ddb +size 265042100 diff --git a/Computer_Vision/tf_efficientnet_b7_ns_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b7_ns_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ec82ba336 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b7_ns_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.243143081665039 + set_success: 0.03174018859863281 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b7_ns_timm_6d604c21/onnx/tf_efficientnet_b7_ns_timm_6d604c21-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b7_ns.py +class: EfficientNet +hash: 06877d85 +model_name: tf_efficientnet_b7_ns +onnx_input_dimensions: + x: + - 1 + - 3 + - 600 + - 600 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 258830.208 +onnx_ops_counter: + Add: 68 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 273 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 228 + Pad: 5 + ReduceMean: 55 + Reshape: 10 + Shape: 13 + Sigmoid: 218 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 66347960 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b7_ns_Opset17_timm/tf_efficientnet_b7_ns_Opset17.onnx b/Computer_Vision/tf_efficientnet_b7_ns_Opset17_timm/tf_efficientnet_b7_ns_Opset17.onnx new file mode 100644 index 000000000..fce080dca --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b7_ns_Opset17_timm/tf_efficientnet_b7_ns_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:509f7c521148365200e51be4938015650efe39c47fc8e8386f13149d44359d92 +size 265042100 diff --git a/Computer_Vision/tf_efficientnet_b7_ns_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b7_ns_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a6a824f58 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b7_ns_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.066498041152954 + set_success: 0.03098917007446289 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b7_ns_timm_6d604c21/onnx/tf_efficientnet_b7_ns_timm_6d604c21-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b7_ns.py +class: EfficientNet +hash: 06877d85 +model_name: tf_efficientnet_b7_ns +onnx_input_dimensions: + x: + - 1 + - 3 + - 600 + - 600 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 258830.208 +onnx_ops_counter: + Add: 68 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 273 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 228 + Pad: 5 + ReduceMean: 55 + Reshape: 10 + Shape: 13 + Sigmoid: 218 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 66347960 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b8_Opset16_timm/tf_efficientnet_b8_Opset16.onnx b/Computer_Vision/tf_efficientnet_b8_Opset16_timm/tf_efficientnet_b8_Opset16.onnx new file mode 100644 index 000000000..673edc3b6 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b8_Opset16_timm/tf_efficientnet_b8_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:048de36758528c31f5fb59f770a1ad2e0847eeb4d1633f11fcc2881b5e628027 +size 349186759 diff --git a/Computer_Vision/tf_efficientnet_b8_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b8_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..047c0b32b --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b8_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.80240750312805 + set_success: 0.04345202445983887 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b8_timm_41c4172a/onnx/tf_efficientnet_b8_timm_41c4172a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b8.py +class: EfficientNet +hash: a5da25f7 +model_name: tf_efficientnet_b8 +onnx_input_dimensions: + x: + - 1 + - 3 + - 672 + - 672 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 341002.7266 +onnx_ops_counter: + Add: 74 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 303 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 252 + Pad: 5 + ReduceMean: 61 + Reshape: 10 + Shape: 13 + Sigmoid: 242 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 87413142 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b8_Opset17_timm/tf_efficientnet_b8_Opset17.onnx b/Computer_Vision/tf_efficientnet_b8_Opset17_timm/tf_efficientnet_b8_Opset17.onnx new file mode 100644 index 000000000..38fdddcc1 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b8_Opset17_timm/tf_efficientnet_b8_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f407b808906b0e65b32b82b7be32fb4b81fc6a842953d86c17f69be00b01a87 +size 349186759 diff --git a/Computer_Vision/tf_efficientnet_b8_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b8_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..69b8570e8 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b8_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.5020489692688 + set_success: 0.03956246376037598 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b8_timm_41c4172a/onnx/tf_efficientnet_b8_timm_41c4172a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b8.py +class: EfficientNet +hash: a5da25f7 +model_name: tf_efficientnet_b8 +onnx_input_dimensions: + x: + - 1 + - 3 + - 672 + - 672 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 341002.7266 +onnx_ops_counter: + Add: 74 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 303 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 252 + Pad: 5 + ReduceMean: 61 + Reshape: 10 + Shape: 13 + Sigmoid: 242 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 87413142 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b8_ap_Opset16_timm/tf_efficientnet_b8_ap_Opset16.onnx b/Computer_Vision/tf_efficientnet_b8_ap_Opset16_timm/tf_efficientnet_b8_ap_Opset16.onnx new file mode 100644 index 000000000..673edc3b6 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b8_ap_Opset16_timm/tf_efficientnet_b8_ap_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:048de36758528c31f5fb59f770a1ad2e0847eeb4d1633f11fcc2881b5e628027 +size 349186759 diff --git a/Computer_Vision/tf_efficientnet_b8_ap_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b8_ap_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..436e5d601 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b8_ap_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.397533893585205 + set_success: 0.033233642578125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b8_ap_timm_41c4172a/onnx/tf_efficientnet_b8_ap_timm_41c4172a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b8_ap.py +class: EfficientNet +hash: a5da25f7 +model_name: tf_efficientnet_b8_ap +onnx_input_dimensions: + x: + - 1 + - 3 + - 672 + - 672 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 341002.7266 +onnx_ops_counter: + Add: 74 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 303 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 252 + Pad: 5 + ReduceMean: 61 + Reshape: 10 + Shape: 13 + Sigmoid: 242 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 87413142 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_b8_ap_Opset17_timm/tf_efficientnet_b8_ap_Opset17.onnx b/Computer_Vision/tf_efficientnet_b8_ap_Opset17_timm/tf_efficientnet_b8_ap_Opset17.onnx new file mode 100644 index 000000000..38fdddcc1 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b8_ap_Opset17_timm/tf_efficientnet_b8_ap_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f407b808906b0e65b32b82b7be32fb4b81fc6a842953d86c17f69be00b01a87 +size 349186759 diff --git a/Computer_Vision/tf_efficientnet_b8_ap_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_b8_ap_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..fc516746d --- /dev/null +++ b/Computer_Vision/tf_efficientnet_b8_ap_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.86416220664978 + set_success: 0.03422808647155762 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_b8_ap_timm_41c4172a/onnx/tf_efficientnet_b8_ap_timm_41c4172a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_b8_ap.py +class: EfficientNet +hash: a5da25f7 +model_name: tf_efficientnet_b8_ap +onnx_input_dimensions: + x: + - 1 + - 3 + - 672 + - 672 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 341002.7266 +onnx_ops_counter: + Add: 74 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 303 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 252 + Pad: 5 + ReduceMean: 61 + Reshape: 10 + Shape: 13 + Sigmoid: 242 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 87413142 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_el_Opset16_timm/tf_efficientnet_el_Opset16.onnx b/Computer_Vision/tf_efficientnet_el_Opset16_timm/tf_efficientnet_el_Opset16.onnx new file mode 100644 index 000000000..9405cc318 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_el_Opset16_timm/tf_efficientnet_el_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4808f7568a02436ec56185792f3f76b69be08b158bd830b5ceae0ece9102de01 +size 42280323 diff --git a/Computer_Vision/tf_efficientnet_el_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_el_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9b08320f3 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_el_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.4294936656951904 + set_success: 0.018201589584350586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_el_timm_685a1a34/onnx/tf_efficientnet_el_timm_685a1a34-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_el.py +class: EfficientNet +hash: 4afd1658 +model_name: tf_efficientnet_el +onnx_input_dimensions: + x: + - 1 + - 3 + - 300 + - 300 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 41289.4102 +onnx_ops_counter: + Add: 40 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 72 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Relu: 45 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 10589712 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_el_Opset17_timm/tf_efficientnet_el_Opset17.onnx b/Computer_Vision/tf_efficientnet_el_Opset17_timm/tf_efficientnet_el_Opset17.onnx new file mode 100644 index 000000000..77e04d2a4 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_el_Opset17_timm/tf_efficientnet_el_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22733124738de91245c295b6529c1b0452c5a0343804b8b6fce4ebd2fd33c112 +size 42280323 diff --git a/Computer_Vision/tf_efficientnet_el_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_el_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4ea2cd137 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_el_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.4516854286193848 + set_success: 0.018335819244384766 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_el_timm_685a1a34/onnx/tf_efficientnet_el_timm_685a1a34-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_el.py +class: EfficientNet +hash: 4afd1658 +model_name: tf_efficientnet_el +onnx_input_dimensions: + x: + - 1 + - 3 + - 300 + - 300 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 41289.4102 +onnx_ops_counter: + Add: 40 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 72 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Relu: 45 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 10589712 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_el_Opset18_timm/tf_efficientnet_el_Opset18.onnx b/Computer_Vision/tf_efficientnet_el_Opset18_timm/tf_efficientnet_el_Opset18.onnx new file mode 100644 index 000000000..2c8db65f8 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_el_Opset18_timm/tf_efficientnet_el_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39ab3d8765fef4c7ce43e3490c2bfe52e5b11e1e2627de65050e6db809069b09 +size 42280323 diff --git a/Computer_Vision/tf_efficientnet_el_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_el_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..49dcc22a2 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_el_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.4890387058258057 + set_success: 0.023266077041625977 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_el_timm_685a1a34/onnx/tf_efficientnet_el_timm_685a1a34-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_el.py +class: EfficientNet +hash: 4afd1658 +model_name: tf_efficientnet_el +onnx_input_dimensions: + x: + - 1 + - 3 + - 300 + - 300 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 41289.4102 +onnx_ops_counter: + Add: 40 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 72 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Relu: 45 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 10589712 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_em_Opset16_timm/tf_efficientnet_em_Opset16.onnx b/Computer_Vision/tf_efficientnet_em_Opset16_timm/tf_efficientnet_em_Opset16.onnx new file mode 100644 index 000000000..b123feae2 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_em_Opset16_timm/tf_efficientnet_em_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d9714e547f4422b06d50e7a5774fad831aa44fa95361233adb7d61a79ebbd6b +size 27564189 diff --git a/Computer_Vision/tf_efficientnet_em_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_em_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..53d552fb2 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_em_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9672966003417969 + set_success: 0.01815962791442871 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_em_timm_ad575ccd/onnx/tf_efficientnet_em_timm_ad575ccd-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_em.py +class: EfficientNet +hash: 37f6c8a4 +model_name: tf_efficientnet_em +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 26918.1855 +onnx_ops_counter: + Add: 37 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 64 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Relu: 40 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 6899496 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_em_Opset17_timm/tf_efficientnet_em_Opset17.onnx b/Computer_Vision/tf_efficientnet_em_Opset17_timm/tf_efficientnet_em_Opset17.onnx new file mode 100644 index 000000000..19d6c6a77 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_em_Opset17_timm/tf_efficientnet_em_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f950d3ae4619ae427c1302753564e6dce887f5b39410c1974f7de672279547eb +size 27564189 diff --git a/Computer_Vision/tf_efficientnet_em_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_em_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2f3f419ca --- /dev/null +++ b/Computer_Vision/tf_efficientnet_em_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9204316139221191 + set_success: 0.02190113067626953 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_em_timm_ad575ccd/onnx/tf_efficientnet_em_timm_ad575ccd-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_em.py +class: EfficientNet +hash: 37f6c8a4 +model_name: tf_efficientnet_em +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 26918.1855 +onnx_ops_counter: + Add: 37 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 64 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Relu: 40 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 6899496 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_em_Opset18_timm/tf_efficientnet_em_Opset18.onnx b/Computer_Vision/tf_efficientnet_em_Opset18_timm/tf_efficientnet_em_Opset18.onnx new file mode 100644 index 000000000..5a59b9e31 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_em_Opset18_timm/tf_efficientnet_em_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce634128c895a80ae166822f2e40787149914090080690bf520a189d2b5ad29a +size 27564189 diff --git a/Computer_Vision/tf_efficientnet_em_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_em_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..72340e045 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_em_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9800245761871338 + set_success: 0.02066326141357422 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_em_timm_ad575ccd/onnx/tf_efficientnet_em_timm_ad575ccd-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_em.py +class: EfficientNet +hash: 37f6c8a4 +model_name: tf_efficientnet_em +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 26918.1855 +onnx_ops_counter: + Add: 37 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 64 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Relu: 40 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 6899496 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_es_Opset16_timm/tf_efficientnet_es_Opset16.onnx b/Computer_Vision/tf_efficientnet_es_Opset16_timm/tf_efficientnet_es_Opset16.onnx new file mode 100644 index 000000000..ea3865dc8 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_es_Opset16_timm/tf_efficientnet_es_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62b597539fd0156e610381f9834bb8db7897fe977be8fbd7130bf8abbd0e64a7 +size 21744970 diff --git a/Computer_Vision/tf_efficientnet_es_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_es_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6d7192ca7 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_es_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.498737096786499 + set_success: 0.016112327575683594 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_es_timm_e6c126cb/onnx/tf_efficientnet_es_timm_e6c126cb-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_es.py +class: EfficientNet +hash: dd929d7a +model_name: tf_efficientnet_es +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 21235.3545 +onnx_ops_counter: + Add: 32 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 49 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Relu: 31 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 5438392 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_es_Opset17_timm/tf_efficientnet_es_Opset17.onnx b/Computer_Vision/tf_efficientnet_es_Opset17_timm/tf_efficientnet_es_Opset17.onnx new file mode 100644 index 000000000..6dd2b7c31 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_es_Opset17_timm/tf_efficientnet_es_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:11d1c616eb8e7d88ffdec96cdf1beacf18638fbc928af3be205bb040dd9d7631 +size 21744970 diff --git a/Computer_Vision/tf_efficientnet_es_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_es_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cd6503b31 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_es_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.5090947151184082 + set_success: 0.01802206039428711 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_es_timm_e6c126cb/onnx/tf_efficientnet_es_timm_e6c126cb-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_es.py +class: EfficientNet +hash: dd929d7a +model_name: tf_efficientnet_es +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 21235.3545 +onnx_ops_counter: + Add: 32 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 49 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Relu: 31 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 5438392 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_es_Opset18_timm/tf_efficientnet_es_Opset18.onnx b/Computer_Vision/tf_efficientnet_es_Opset18_timm/tf_efficientnet_es_Opset18.onnx new file mode 100644 index 000000000..a10bc5407 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_es_Opset18_timm/tf_efficientnet_es_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c177cf32fa80fef43f8c1645d54e53c61311b3bfc928ef2714535bcbc75e06b +size 21744970 diff --git a/Computer_Vision/tf_efficientnet_es_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_es_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..063a37e8e --- /dev/null +++ b/Computer_Vision/tf_efficientnet_es_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.5246763229370117 + set_success: 0.01807093620300293 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_es_timm_e6c126cb/onnx/tf_efficientnet_es_timm_e6c126cb-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_es.py +class: EfficientNet +hash: dd929d7a +model_name: tf_efficientnet_es +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 21235.3545 +onnx_ops_counter: + Add: 32 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 49 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Relu: 31 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 5438392 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_l2_ns_475_Opset16_timm/tf_efficientnet_l2_ns_475_Opset16.onnx b/Computer_Vision/tf_efficientnet_l2_ns_475_Opset16_timm/tf_efficientnet_l2_ns_475_Opset16.onnx new file mode 100644 index 000000000..79ee4f306 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_l2_ns_475_Opset16_timm/tf_efficientnet_l2_ns_475_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da952651d16ef1d10b8f31f402650aee8b4047fb89edc746d3b45c975506595e +size 1919450526 diff --git a/Computer_Vision/tf_efficientnet_l2_ns_475_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_l2_ns_475_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6760d9ded --- /dev/null +++ b/Computer_Vision/tf_efficientnet_l2_ns_475_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 42.6075918674469 + set_success: 0.04520106315612793 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_l2_ns_475_timm_c8a9f5f8/onnx/tf_efficientnet_l2_ns_475_timm_c8a9f5f8-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_l2_ns_475.py +class: EfficientNet +hash: 08800913 +model_name: tf_efficientnet_l2_ns_475 +onnx_input_dimensions: + x: + - 1 + - 3 + - 475 + - 475 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1874463.4365 +onnx_ops_counter: + Add: 101 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 436 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 358 + Pad: 5 + ReduceMean: 88 + Reshape: 10 + Shape: 13 + Sigmoid: 348 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 480309308 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_l2_ns_475_Opset17_timm/tf_efficientnet_l2_ns_475_Opset17.onnx b/Computer_Vision/tf_efficientnet_l2_ns_475_Opset17_timm/tf_efficientnet_l2_ns_475_Opset17.onnx new file mode 100644 index 000000000..e4c0cb37c --- /dev/null +++ b/Computer_Vision/tf_efficientnet_l2_ns_475_Opset17_timm/tf_efficientnet_l2_ns_475_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c512ef87387f538f5614c2616584d8ecd64f6799f63032ef23896d7e2064cc1 +size 1919450526 diff --git a/Computer_Vision/tf_efficientnet_l2_ns_475_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_l2_ns_475_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..82c749a15 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_l2_ns_475_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 41.924516916275024 + set_success: 0.0455477237701416 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_l2_ns_475_timm_c8a9f5f8/onnx/tf_efficientnet_l2_ns_475_timm_c8a9f5f8-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_l2_ns_475.py +class: EfficientNet +hash: 08800913 +model_name: tf_efficientnet_l2_ns_475 +onnx_input_dimensions: + x: + - 1 + - 3 + - 475 + - 475 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1874463.4365 +onnx_ops_counter: + Add: 101 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 436 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 358 + Pad: 5 + ReduceMean: 88 + Reshape: 10 + Shape: 13 + Sigmoid: 348 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 480309308 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_l2_ns_Opset16_timm/tf_efficientnet_l2_ns_Opset16.onnx b/Computer_Vision/tf_efficientnet_l2_ns_Opset16_timm/tf_efficientnet_l2_ns_Opset16.onnx new file mode 100644 index 000000000..020bf8964 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_l2_ns_Opset16_timm/tf_efficientnet_l2_ns_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf9dfc728d3e35421e3d261b56b6df2316eca233b90bc7f289e1ddd6c41a9826 +size 1919450526 diff --git a/Computer_Vision/tf_efficientnet_l2_ns_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_l2_ns_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0a168bae2 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_l2_ns_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 66.86221194267273 + set_success: 1.3071708679199219 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_l2_ns_timm_fe5f6fa8/onnx/tf_efficientnet_l2_ns_timm_fe5f6fa8-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_l2_ns.py +class: EfficientNet +hash: 08800913 +model_name: tf_efficientnet_l2_ns +onnx_input_dimensions: + x: + - 1 + - 3 + - 800 + - 800 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1874463.4365 +onnx_ops_counter: + Add: 101 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 436 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 358 + Pad: 5 + ReduceMean: 88 + Reshape: 10 + Shape: 13 + Sigmoid: 348 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 480309308 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_l2_ns_Opset17_timm/tf_efficientnet_l2_ns_Opset17.onnx b/Computer_Vision/tf_efficientnet_l2_ns_Opset17_timm/tf_efficientnet_l2_ns_Opset17.onnx new file mode 100644 index 000000000..b51eee69c --- /dev/null +++ b/Computer_Vision/tf_efficientnet_l2_ns_Opset17_timm/tf_efficientnet_l2_ns_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c8bc2d6002679685f030413ee27fc84bb7cff0444df5b278507de298e22dc85 +size 1919450526 diff --git a/Computer_Vision/tf_efficientnet_l2_ns_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_l2_ns_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..62b17ddc0 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_l2_ns_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 59.798367738723755 + set_success: 0.09153580665588379 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_l2_ns_timm_fe5f6fa8/onnx/tf_efficientnet_l2_ns_timm_fe5f6fa8-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_l2_ns.py +class: EfficientNet +hash: 08800913 +model_name: tf_efficientnet_l2_ns +onnx_input_dimensions: + x: + - 1 + - 3 + - 800 + - 800 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1874463.4365 +onnx_ops_counter: + Add: 101 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 436 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 358 + Pad: 5 + ReduceMean: 88 + Reshape: 10 + Shape: 13 + Sigmoid: 348 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 480309308 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_lite0_Opset16_timm/tf_efficientnet_lite0_Opset16.onnx b/Computer_Vision/tf_efficientnet_lite0_Opset16_timm/tf_efficientnet_lite0_Opset16.onnx new file mode 100644 index 000000000..c2bf1b76c --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite0_Opset16_timm/tf_efficientnet_lite0_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63d61f06023f209abebfa60befa7c1c2fa6ea917b6adf1853e90967b07769c09 +size 18630116 diff --git a/Computer_Vision/tf_efficientnet_lite0_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_lite0_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f60898596 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite0_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.502856731414795 + set_success: 0.016337871551513672 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_lite0_timm_e39d0b73/onnx/tf_efficientnet_lite0_timm_e39d0b73-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_lite0.py +class: EfficientNet +hash: 9e4e62bb +model_name: tf_efficientnet_lite0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 18193.5049 +onnx_ops_counter: + Add: 29 + Cast: 46 + Ceil: 10 + Clip: 43 + Concat: 15 + Constant: 231 + ConstantOfShape: 5 + Conv: 49 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 4652008 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_lite0_Opset17_timm/tf_efficientnet_lite0_Opset17.onnx b/Computer_Vision/tf_efficientnet_lite0_Opset17_timm/tf_efficientnet_lite0_Opset17.onnx new file mode 100644 index 000000000..bbe164df9 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite0_Opset17_timm/tf_efficientnet_lite0_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21c785a65bd4cc164af901f0014db593ee298115c9252d007afbe35f76381ddc +size 18630116 diff --git a/Computer_Vision/tf_efficientnet_lite0_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_lite0_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6912f76b7 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite0_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.6329584121704102 + set_success: 0.01894688606262207 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_lite0_timm_e39d0b73/onnx/tf_efficientnet_lite0_timm_e39d0b73-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_lite0.py +class: EfficientNet +hash: 9e4e62bb +model_name: tf_efficientnet_lite0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 18193.5049 +onnx_ops_counter: + Add: 29 + Cast: 46 + Ceil: 10 + Clip: 43 + Concat: 15 + Constant: 231 + ConstantOfShape: 5 + Conv: 49 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 4652008 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_lite0_Opset18_timm/tf_efficientnet_lite0_Opset18.onnx b/Computer_Vision/tf_efficientnet_lite0_Opset18_timm/tf_efficientnet_lite0_Opset18.onnx new file mode 100644 index 000000000..2eef01cb6 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite0_Opset18_timm/tf_efficientnet_lite0_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:657432139dd0c9cb008e5bf7837b103b69755b4e5814bd3e957511f9c26f1078 +size 18630116 diff --git a/Computer_Vision/tf_efficientnet_lite0_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_lite0_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..25f14e677 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite0_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.4811289310455322 + set_success: 0.01681065559387207 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_lite0_timm_e39d0b73/onnx/tf_efficientnet_lite0_timm_e39d0b73-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_lite0.py +class: EfficientNet +hash: 9e4e62bb +model_name: tf_efficientnet_lite0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 18193.5049 +onnx_ops_counter: + Add: 29 + Cast: 46 + Ceil: 10 + Clip: 43 + Concat: 15 + Constant: 231 + ConstantOfShape: 5 + Conv: 49 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 4652008 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_lite1_Opset16_timm/tf_efficientnet_lite1_Opset16.onnx b/Computer_Vision/tf_efficientnet_lite1_Opset16_timm/tf_efficientnet_lite1_Opset16.onnx new file mode 100644 index 000000000..bedfb8a1a --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite1_Opset16_timm/tf_efficientnet_lite1_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ecb6dadec199b215c46d1499bb4ee4093573b810ee346ed105466d58d271de78 +size 21676997 diff --git a/Computer_Vision/tf_efficientnet_lite1_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_lite1_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..430b3f845 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite1_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9182136058807373 + set_success: 0.016351938247680664 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_lite1_timm_be416afc/onnx/tf_efficientnet_lite1_timm_be416afc-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_lite1.py +class: EfficientNet +hash: 071534ea +model_name: tf_efficientnet_lite1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 21168.9746 +onnx_ops_counter: + Add: 34 + Cast: 46 + Ceil: 10 + Clip: 53 + Concat: 15 + Constant: 251 + ConstantOfShape: 5 + Conv: 64 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 5416680 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_lite1_Opset17_timm/tf_efficientnet_lite1_Opset17.onnx b/Computer_Vision/tf_efficientnet_lite1_Opset17_timm/tf_efficientnet_lite1_Opset17.onnx new file mode 100644 index 000000000..37c9a2730 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite1_Opset17_timm/tf_efficientnet_lite1_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:053001936903d434883cef592ec42cc68e97cfe1224371f409c394bb4b6f7b14 +size 21676997 diff --git a/Computer_Vision/tf_efficientnet_lite1_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_lite1_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..475f72d3b --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite1_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9223730564117432 + set_success: 0.016673803329467773 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_lite1_timm_be416afc/onnx/tf_efficientnet_lite1_timm_be416afc-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_lite1.py +class: EfficientNet +hash: 071534ea +model_name: tf_efficientnet_lite1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 21168.9746 +onnx_ops_counter: + Add: 34 + Cast: 46 + Ceil: 10 + Clip: 53 + Concat: 15 + Constant: 251 + ConstantOfShape: 5 + Conv: 64 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 5416680 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_lite1_Opset18_timm/tf_efficientnet_lite1_Opset18.onnx b/Computer_Vision/tf_efficientnet_lite1_Opset18_timm/tf_efficientnet_lite1_Opset18.onnx new file mode 100644 index 000000000..96ee72003 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite1_Opset18_timm/tf_efficientnet_lite1_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6933139b1f084b537954166de179c5969e241696c95cf995414f874f5cff72dd +size 21676997 diff --git a/Computer_Vision/tf_efficientnet_lite1_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_lite1_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6cc77acab --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite1_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9504098892211914 + set_success: 0.017832279205322266 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_lite1_timm_be416afc/onnx/tf_efficientnet_lite1_timm_be416afc-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_lite1.py +class: EfficientNet +hash: 071534ea +model_name: tf_efficientnet_lite1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 21168.9746 +onnx_ops_counter: + Add: 34 + Cast: 46 + Ceil: 10 + Clip: 53 + Concat: 15 + Constant: 251 + ConstantOfShape: 5 + Conv: 64 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 5416680 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_lite2_Opset16_timm/tf_efficientnet_lite2_Opset16.onnx b/Computer_Vision/tf_efficientnet_lite2_Opset16_timm/tf_efficientnet_lite2_Opset16.onnx new file mode 100644 index 000000000..555de4c89 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite2_Opset16_timm/tf_efficientnet_lite2_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d573e600854e1a432e3a83e9b05c6a67f85de1d3a0890d39f59490eba1395ae8 +size 24369701 diff --git a/Computer_Vision/tf_efficientnet_lite2_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_lite2_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..56d8fc4c6 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite2_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9414160251617432 + set_success: 0.016941308975219727 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_lite2_timm_8d840262/onnx/tf_efficientnet_lite2_timm_8d840262-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_lite2.py +class: EfficientNet +hash: 97aca113 +model_name: tf_efficientnet_lite2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 260 + - 260 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 23798.5684 +onnx_ops_counter: + Add: 34 + Cast: 46 + Ceil: 10 + Clip: 53 + Concat: 15 + Constant: 251 + ConstantOfShape: 5 + Conv: 64 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 6092072 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_lite2_Opset17_timm/tf_efficientnet_lite2_Opset17.onnx b/Computer_Vision/tf_efficientnet_lite2_Opset17_timm/tf_efficientnet_lite2_Opset17.onnx new file mode 100644 index 000000000..ab5e2d4b9 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite2_Opset17_timm/tf_efficientnet_lite2_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e787bd1a453bc2de0ebdb3867ad363c863e6700ec36beea77d63a8b90730d22 +size 24369701 diff --git a/Computer_Vision/tf_efficientnet_lite2_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_lite2_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4df974a6a --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite2_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.958592176437378 + set_success: 0.016748905181884766 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_lite2_timm_8d840262/onnx/tf_efficientnet_lite2_timm_8d840262-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_lite2.py +class: EfficientNet +hash: 97aca113 +model_name: tf_efficientnet_lite2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 260 + - 260 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 23798.5684 +onnx_ops_counter: + Add: 34 + Cast: 46 + Ceil: 10 + Clip: 53 + Concat: 15 + Constant: 251 + ConstantOfShape: 5 + Conv: 64 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 6092072 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_lite2_Opset18_timm/tf_efficientnet_lite2_Opset18.onnx b/Computer_Vision/tf_efficientnet_lite2_Opset18_timm/tf_efficientnet_lite2_Opset18.onnx new file mode 100644 index 000000000..8a507269d --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite2_Opset18_timm/tf_efficientnet_lite2_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2a8691d7fe70c0f42d7b8170ae9273958c26882db7a7189ec3fb21de3cca886 +size 24369701 diff --git a/Computer_Vision/tf_efficientnet_lite2_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_lite2_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..09ddb7918 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite2_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0254359245300293 + set_success: 0.02225947380065918 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_lite2_timm_8d840262/onnx/tf_efficientnet_lite2_timm_8d840262-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_lite2.py +class: EfficientNet +hash: 97aca113 +model_name: tf_efficientnet_lite2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 260 + - 260 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 23798.5684 +onnx_ops_counter: + Add: 34 + Cast: 46 + Ceil: 10 + Clip: 53 + Concat: 15 + Constant: 251 + ConstantOfShape: 5 + Conv: 64 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 6092072 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_lite3_Opset16_timm/tf_efficientnet_lite3_Opset16.onnx b/Computer_Vision/tf_efficientnet_lite3_Opset16_timm/tf_efficientnet_lite3_Opset16.onnx new file mode 100644 index 000000000..75f2aa336 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite3_Opset16_timm/tf_efficientnet_lite3_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:48d39f4b48354fac76013bd9e7514f6bd37c3914dc24013d67d54067c5178c3b +size 32759552 diff --git a/Computer_Vision/tf_efficientnet_lite3_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_lite3_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..fa58c01d9 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite3_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.3651857376098633 + set_success: 0.01929020881652832 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_lite3_timm_9f40ca7e/onnx/tf_efficientnet_lite3_timm_9f40ca7e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_lite3.py +class: EfficientNet +hash: 747eba3e +model_name: tf_efficientnet_lite3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 300 + - 300 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 31991.7822 +onnx_ops_counter: + Add: 37 + Cast: 46 + Ceil: 10 + Clip: 59 + Concat: 15 + Constant: 263 + ConstantOfShape: 5 + Conv: 73 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 8197096 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_lite3_Opset17_timm/tf_efficientnet_lite3_Opset17.onnx b/Computer_Vision/tf_efficientnet_lite3_Opset17_timm/tf_efficientnet_lite3_Opset17.onnx new file mode 100644 index 000000000..089dc4c95 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite3_Opset17_timm/tf_efficientnet_lite3_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea1052b989cdc1afc03af8d6ac6533a57af426bade0e89dc6ed3de29cb9f2cf9 +size 32759552 diff --git a/Computer_Vision/tf_efficientnet_lite3_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_lite3_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..20d04a7c0 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite3_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.489912509918213 + set_success: 0.02011847496032715 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_lite3_timm_9f40ca7e/onnx/tf_efficientnet_lite3_timm_9f40ca7e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_lite3.py +class: EfficientNet +hash: 747eba3e +model_name: tf_efficientnet_lite3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 300 + - 300 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 31991.7822 +onnx_ops_counter: + Add: 37 + Cast: 46 + Ceil: 10 + Clip: 59 + Concat: 15 + Constant: 263 + ConstantOfShape: 5 + Conv: 73 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 8197096 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_lite3_Opset18_timm/tf_efficientnet_lite3_Opset18.onnx b/Computer_Vision/tf_efficientnet_lite3_Opset18_timm/tf_efficientnet_lite3_Opset18.onnx new file mode 100644 index 000000000..851fd9def --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite3_Opset18_timm/tf_efficientnet_lite3_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e7abb2c99417ff907c839f9eec83e4aae21545c5b55e627d3bdb9ca352bc69ef +size 32759552 diff --git a/Computer_Vision/tf_efficientnet_lite3_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_lite3_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a8946b582 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite3_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.3914754390716553 + set_success: 0.020963430404663086 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_lite3_timm_9f40ca7e/onnx/tf_efficientnet_lite3_timm_9f40ca7e-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_lite3.py +class: EfficientNet +hash: 747eba3e +model_name: tf_efficientnet_lite3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 300 + - 300 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 31991.7822 +onnx_ops_counter: + Add: 37 + Cast: 46 + Ceil: 10 + Clip: 59 + Concat: 15 + Constant: 263 + ConstantOfShape: 5 + Conv: 73 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 8197096 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_lite4_Opset16_timm/tf_efficientnet_lite4_Opset16.onnx b/Computer_Vision/tf_efficientnet_lite4_Opset16_timm/tf_efficientnet_lite4_Opset16.onnx new file mode 100644 index 000000000..e24ece4d5 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite4_Opset16_timm/tf_efficientnet_lite4_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7836d9ac3e46321c6bc28c290ae9789922dbd5c2354fb11434fd7362a349b840 +size 51939791 diff --git a/Computer_Vision/tf_efficientnet_lite4_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_lite4_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..45c5640d7 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite4_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.2033274173736572 + set_success: 0.019388198852539062 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_lite4_timm_92390e58/onnx/tf_efficientnet_lite4_timm_92390e58-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_lite4.py +class: EfficientNet +hash: ebd2da3b +model_name: tf_efficientnet_lite4 +onnx_input_dimensions: + x: + - 1 + - 3 + - 380 + - 380 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 50722.4844 +onnx_ops_counter: + Add: 43 + Cast: 46 + Ceil: 10 + Clip: 71 + Concat: 15 + Constant: 287 + ConstantOfShape: 5 + Conv: 91 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 13006568 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_lite4_Opset17_timm/tf_efficientnet_lite4_Opset17.onnx b/Computer_Vision/tf_efficientnet_lite4_Opset17_timm/tf_efficientnet_lite4_Opset17.onnx new file mode 100644 index 000000000..64788f1e7 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite4_Opset17_timm/tf_efficientnet_lite4_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f337308c2b6e6be86a9ccfa6fd34270ec3367a8daa71278dc3f7f1000986e01 +size 51939791 diff --git a/Computer_Vision/tf_efficientnet_lite4_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_lite4_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6d52418eb --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite4_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.3471972942352295 + set_success: 0.02227616310119629 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_lite4_timm_92390e58/onnx/tf_efficientnet_lite4_timm_92390e58-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_lite4.py +class: EfficientNet +hash: ebd2da3b +model_name: tf_efficientnet_lite4 +onnx_input_dimensions: + x: + - 1 + - 3 + - 380 + - 380 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 50722.4844 +onnx_ops_counter: + Add: 43 + Cast: 46 + Ceil: 10 + Clip: 71 + Concat: 15 + Constant: 287 + ConstantOfShape: 5 + Conv: 91 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 13006568 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnet_lite4_Opset18_timm/tf_efficientnet_lite4_Opset18.onnx b/Computer_Vision/tf_efficientnet_lite4_Opset18_timm/tf_efficientnet_lite4_Opset18.onnx new file mode 100644 index 000000000..189c335aa --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite4_Opset18_timm/tf_efficientnet_lite4_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a73424452bf8e1f92ed3516f835164f8666699191d6c177dd7c9963f396f8cff +size 51939791 diff --git a/Computer_Vision/tf_efficientnet_lite4_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnet_lite4_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..25abfc9b6 --- /dev/null +++ b/Computer_Vision/tf_efficientnet_lite4_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.537022352218628 + set_success: 0.02835845947265625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnet_lite4_timm_92390e58/onnx/tf_efficientnet_lite4_timm_92390e58-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnet_lite4.py +class: EfficientNet +hash: ebd2da3b +model_name: tf_efficientnet_lite4 +onnx_input_dimensions: + x: + - 1 + - 3 + - 380 + - 380 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 50722.4844 +onnx_ops_counter: + Add: 43 + Cast: 46 + Ceil: 10 + Clip: 71 + Concat: 15 + Constant: 287 + ConstantOfShape: 5 + Conv: 91 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 13006568 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_b0_Opset16_timm/tf_efficientnetv2_b0_Opset16.onnx b/Computer_Vision/tf_efficientnetv2_b0_Opset16_timm/tf_efficientnetv2_b0_Opset16.onnx new file mode 100644 index 000000000..a5d5c1802 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_b0_Opset16_timm/tf_efficientnetv2_b0_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65c402697f90b982a6440217d6c930320300034c4d95e34ebfdc8f699a047288 +size 28573608 diff --git a/Computer_Vision/tf_efficientnetv2_b0_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_b0_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7712e94e9 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_b0_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.361149311065674 + set_success: 0.015570640563964844 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_b0_timm_0d096edc/onnx/tf_efficientnetv2_b0_timm_0d096edc-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_b0.py +class: EfficientNet +hash: 678d11ba +model_name: tf_efficientnetv2_b0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 192 + - 192 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 27903.9463 +onnx_ops_counter: + Add: 35 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 91 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 81 + Pad: 5 + ReduceMean: 16 + Reshape: 10 + Shape: 13 + Sigmoid: 71 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 7139704 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_b0_Opset17_timm/tf_efficientnetv2_b0_Opset17.onnx b/Computer_Vision/tf_efficientnetv2_b0_Opset17_timm/tf_efficientnetv2_b0_Opset17.onnx new file mode 100644 index 000000000..e62707c02 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_b0_Opset17_timm/tf_efficientnetv2_b0_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2bbf5e1e9b453794b7ba17788c73bdcb3cf19322a1fd01e5fb7e774433dbab75 +size 28573608 diff --git a/Computer_Vision/tf_efficientnetv2_b0_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_b0_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..827f8fbb1 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_b0_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.3811280727386475 + set_success: 0.015905141830444336 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_b0_timm_0d096edc/onnx/tf_efficientnetv2_b0_timm_0d096edc-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_b0.py +class: EfficientNet +hash: 678d11ba +model_name: tf_efficientnetv2_b0 +onnx_input_dimensions: + x: + - 1 + - 3 + - 192 + - 192 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 27903.9463 +onnx_ops_counter: + Add: 35 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 91 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 81 + Pad: 5 + ReduceMean: 16 + Reshape: 10 + Shape: 13 + Sigmoid: 71 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 7139704 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_b1_Opset16_timm/tf_efficientnetv2_b1_Opset16.onnx b/Computer_Vision/tf_efficientnetv2_b1_Opset16_timm/tf_efficientnetv2_b1_Opset16.onnx new file mode 100644 index 000000000..f2ea942a4 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_b1_Opset16_timm/tf_efficientnetv2_b1_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c52eb9d84c1fabcd0ace4188146cc9aca8b9da8f2172a384eddba9f4b56dcf20 +size 32572505 diff --git a/Computer_Vision/tf_efficientnetv2_b1_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_b1_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..960a8efc5 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_b1_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.8948233127593994 + set_success: 0.015350818634033203 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_b1_timm_cc954c1c/onnx/tf_efficientnetv2_b1_timm_cc954c1c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_b1.py +class: EfficientNet +hash: 2ecb1f9b +model_name: tf_efficientnetv2_b1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 192 + - 192 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 31809.1191 +onnx_ops_counter: + Add: 41 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 111 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 96 + Pad: 5 + ReduceMean: 19 + Reshape: 10 + Shape: 13 + Sigmoid: 86 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 8141052 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_b1_Opset17_timm/tf_efficientnetv2_b1_Opset17.onnx b/Computer_Vision/tf_efficientnetv2_b1_Opset17_timm/tf_efficientnetv2_b1_Opset17.onnx new file mode 100644 index 000000000..8a62ec8d5 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_b1_Opset17_timm/tf_efficientnetv2_b1_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b97728c21e7ddbbc8cd3ec587be6a179dcf9b221a6b4c52fe040fba7b612dbf +size 32572505 diff --git a/Computer_Vision/tf_efficientnetv2_b1_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_b1_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e196cd763 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_b1_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.2715625762939453 + set_success: 0.02251887321472168 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_b1_timm_cc954c1c/onnx/tf_efficientnetv2_b1_timm_cc954c1c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_b1.py +class: EfficientNet +hash: 2ecb1f9b +model_name: tf_efficientnetv2_b1 +onnx_input_dimensions: + x: + - 1 + - 3 + - 192 + - 192 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 31809.1191 +onnx_ops_counter: + Add: 41 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 111 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 96 + Pad: 5 + ReduceMean: 19 + Reshape: 10 + Shape: 13 + Sigmoid: 86 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 8141052 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_b2_Opset16_timm/tf_efficientnetv2_b2_Opset16.onnx b/Computer_Vision/tf_efficientnetv2_b2_Opset16_timm/tf_efficientnetv2_b2_Opset16.onnx new file mode 100644 index 000000000..e6490fa76 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_b2_Opset16_timm/tf_efficientnetv2_b2_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:daee7a1b26e5bbc7c5b2004f1dcfba883bb829166b9e2bc4bb62fc995b63a325 +size 40373921 diff --git a/Computer_Vision/tf_efficientnetv2_b2_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_b2_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8d13b73cc --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_b2_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.200327157974243 + set_success: 0.01664137840270996 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_b2_timm_c73fa78a/onnx/tf_efficientnetv2_b2_timm_c73fa78a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_b2.py +class: EfficientNet +hash: 2adca09f +model_name: tf_efficientnetv2_b2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 208 + - 208 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 39427.6895 +onnx_ops_counter: + Add: 42 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 116 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 100 + Pad: 5 + ReduceMean: 20 + Reshape: 10 + Shape: 13 + Sigmoid: 90 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 10096086 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_b2_Opset17_timm/tf_efficientnetv2_b2_Opset17.onnx b/Computer_Vision/tf_efficientnetv2_b2_Opset17_timm/tf_efficientnetv2_b2_Opset17.onnx new file mode 100644 index 000000000..fa2451e81 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_b2_Opset17_timm/tf_efficientnetv2_b2_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:57a7790617439a971382ea86704e62a0c5b4324f4edb1e521a69fe3de7b49486 +size 40373921 diff --git a/Computer_Vision/tf_efficientnetv2_b2_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_b2_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..25a5d0250 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_b2_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.2602295875549316 + set_success: 0.017760515213012695 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_b2_timm_c73fa78a/onnx/tf_efficientnetv2_b2_timm_c73fa78a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_b2.py +class: EfficientNet +hash: 2adca09f +model_name: tf_efficientnetv2_b2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 208 + - 208 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 39427.6895 +onnx_ops_counter: + Add: 42 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 116 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 100 + Pad: 5 + ReduceMean: 20 + Reshape: 10 + Shape: 13 + Sigmoid: 90 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 10096086 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_b3_Opset16_timm/tf_efficientnetv2_b3_Opset16.onnx b/Computer_Vision/tf_efficientnetv2_b3_Opset16_timm/tf_efficientnetv2_b3_Opset16.onnx new file mode 100644 index 000000000..7303447fc --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_b3_Opset16_timm/tf_efficientnetv2_b3_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e383bdb35ee4f4eabe6ccab2ecd9d6a8adeef339073841ac2951b2b60b335f7 +size 57384342 diff --git a/Computer_Vision/tf_efficientnetv2_b3_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_b3_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ae397a64d --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_b3_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.1018548011779785 + set_success: 0.01786971092224121 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_b3_timm_103e8b4e/onnx/tf_efficientnetv2_b3_timm_103e8b4e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_b3.py +class: EfficientNet +hash: c5ecf4fa +model_name: tf_efficientnetv2_b3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 56039.4287 +onnx_ops_counter: + Add: 46 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 136 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 116 + Pad: 5 + ReduceMean: 24 + Reshape: 10 + Shape: 13 + Sigmoid: 106 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 14358406 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_b3_Opset17_timm/tf_efficientnetv2_b3_Opset17.onnx b/Computer_Vision/tf_efficientnetv2_b3_Opset17_timm/tf_efficientnetv2_b3_Opset17.onnx new file mode 100644 index 000000000..0cbf28571 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_b3_Opset17_timm/tf_efficientnetv2_b3_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8dc79f3b80c5015789cdc9d4bb5be96cd85e231daaf41e08c12367c92d8e5b8 +size 57384342 diff --git a/Computer_Vision/tf_efficientnetv2_b3_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_b3_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..aedf5de86 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_b3_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.068670272827148 + set_success: 0.018527746200561523 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_b3_timm_103e8b4e/onnx/tf_efficientnetv2_b3_timm_103e8b4e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_b3.py +class: EfficientNet +hash: c5ecf4fa +model_name: tf_efficientnetv2_b3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 240 + - 240 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 56039.4287 +onnx_ops_counter: + Add: 46 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 136 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 116 + Pad: 5 + ReduceMean: 24 + Reshape: 10 + Shape: 13 + Sigmoid: 106 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 14358406 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_l_Opset16_timm/tf_efficientnetv2_l_Opset16.onnx b/Computer_Vision/tf_efficientnetv2_l_Opset16_timm/tf_efficientnetv2_l_Opset16.onnx new file mode 100644 index 000000000..5c79cb9ef --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_l_Opset16_timm/tf_efficientnetv2_l_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:979423f766274663356069803837170b0c07f2b67b35eb78645743d118ff0d24 +size 473355499 diff --git a/Computer_Vision/tf_efficientnetv2_l_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_l_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c85f80081 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_l_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 18.988967418670654 + set_success: 0.03038954734802246 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_l_timm_d7c252dd/onnx/tf_efficientnetv2_l_timm_d7c252dd-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_l.py +class: EfficientNet +hash: 65b962b5 +model_name: tf_efficientnetv2_l +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 462261.2617 +onnx_ops_counter: + Add: 93 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 339 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 274 + Pad: 5 + ReduceMean: 61 + Reshape: 10 + Shape: 13 + Sigmoid: 264 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 118515272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_l_Opset17_timm/tf_efficientnetv2_l_Opset17.onnx b/Computer_Vision/tf_efficientnetv2_l_Opset17_timm/tf_efficientnetv2_l_Opset17.onnx new file mode 100644 index 000000000..2d38e20e4 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_l_Opset17_timm/tf_efficientnetv2_l_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9f3cfb4bdb87b28f770d48ac9a992f5e1fa45c1a7f1315de4e424cea19fca81 +size 473355499 diff --git a/Computer_Vision/tf_efficientnetv2_l_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_l_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3a559dfcc --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_l_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.655738353729248 + set_success: 0.03117084503173828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_l_timm_d7c252dd/onnx/tf_efficientnetv2_l_timm_d7c252dd-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_l.py +class: EfficientNet +hash: 65b962b5 +model_name: tf_efficientnetv2_l +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 462261.2617 +onnx_ops_counter: + Add: 93 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 339 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 274 + Pad: 5 + ReduceMean: 61 + Reshape: 10 + Shape: 13 + Sigmoid: 264 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 118515272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_l_in21ft1k_Opset16_timm/tf_efficientnetv2_l_in21ft1k_Opset16.onnx b/Computer_Vision/tf_efficientnetv2_l_in21ft1k_Opset16_timm/tf_efficientnetv2_l_in21ft1k_Opset16.onnx new file mode 100644 index 000000000..5c79cb9ef --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_l_in21ft1k_Opset16_timm/tf_efficientnetv2_l_in21ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:979423f766274663356069803837170b0c07f2b67b35eb78645743d118ff0d24 +size 473355499 diff --git a/Computer_Vision/tf_efficientnetv2_l_in21ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_l_in21ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5c54d61a3 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_l_in21ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 18.520201206207275 + set_success: 0.03193473815917969 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_l_in21ft1k_timm_d7c252dd/onnx/tf_efficientnetv2_l_in21ft1k_timm_d7c252dd-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_l_in21ft1k.py +class: EfficientNet +hash: 65b962b5 +model_name: tf_efficientnetv2_l_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 462261.2617 +onnx_ops_counter: + Add: 93 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 339 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 274 + Pad: 5 + ReduceMean: 61 + Reshape: 10 + Shape: 13 + Sigmoid: 264 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 118515272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_l_in21ft1k_Opset17_timm/tf_efficientnetv2_l_in21ft1k_Opset17.onnx b/Computer_Vision/tf_efficientnetv2_l_in21ft1k_Opset17_timm/tf_efficientnetv2_l_in21ft1k_Opset17.onnx new file mode 100644 index 000000000..2d38e20e4 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_l_in21ft1k_Opset17_timm/tf_efficientnetv2_l_in21ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9f3cfb4bdb87b28f770d48ac9a992f5e1fa45c1a7f1315de4e424cea19fca81 +size 473355499 diff --git a/Computer_Vision/tf_efficientnetv2_l_in21ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_l_in21ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ce6ffa90c --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_l_in21ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.78267192840576 + set_success: 0.03789019584655762 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_l_in21ft1k_timm_d7c252dd/onnx/tf_efficientnetv2_l_in21ft1k_timm_d7c252dd-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_l_in21ft1k.py +class: EfficientNet +hash: 65b962b5 +model_name: tf_efficientnetv2_l_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 462261.2617 +onnx_ops_counter: + Add: 93 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 339 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 274 + Pad: 5 + ReduceMean: 61 + Reshape: 10 + Shape: 13 + Sigmoid: 264 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 118515272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_l_in21k_Opset16_timm/tf_efficientnetv2_l_in21k_Opset16.onnx b/Computer_Vision/tf_efficientnetv2_l_in21k_Opset16_timm/tf_efficientnetv2_l_in21k_Opset16.onnx new file mode 100644 index 000000000..4264bc219 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_l_in21k_Opset16_timm/tf_efficientnetv2_l_in21k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a3e02533ce5d6339ec4a7d2bffafb98e3a55ff4bbbbb02a9eada90981cc94ce +size 580155036 diff --git a/Computer_Vision/tf_efficientnetv2_l_in21k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_l_in21k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b31c18e93 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_l_in21k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 21.682372093200684 + set_success: 1.0473804473876953 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_l_in21k_timm_a8db9be7/onnx/tf_efficientnetv2_l_in21k_timm_a8db9be7-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_l_in21k.py +class: EfficientNet +hash: bb4ac514 +model_name: tf_efficientnetv2_l_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 566557.6846 +onnx_ops_counter: + Add: 93 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 339 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 274 + Pad: 5 + ReduceMean: 61 + Reshape: 10 + Shape: 13 + Sigmoid: 264 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 145215155 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_l_in21k_Opset17_timm/tf_efficientnetv2_l_in21k_Opset17.onnx b/Computer_Vision/tf_efficientnetv2_l_in21k_Opset17_timm/tf_efficientnetv2_l_in21k_Opset17.onnx new file mode 100644 index 000000000..481296725 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_l_in21k_Opset17_timm/tf_efficientnetv2_l_in21k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:196c20cffc1e0eb216aee9b81373fb845d0c6ecafd82c886934a9d19db9464d8 +size 580155036 diff --git a/Computer_Vision/tf_efficientnetv2_l_in21k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_l_in21k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e733fe020 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_l_in21k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 20.022573709487915 + set_success: 0.03198528289794922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_l_in21k_timm_a8db9be7/onnx/tf_efficientnetv2_l_in21k_timm_a8db9be7-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_l_in21k.py +class: EfficientNet +hash: bb4ac514 +model_name: tf_efficientnetv2_l_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 566557.6846 +onnx_ops_counter: + Add: 93 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 339 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 274 + Pad: 5 + ReduceMean: 61 + Reshape: 10 + Shape: 13 + Sigmoid: 264 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 145215155 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_m_Opset16_timm/tf_efficientnetv2_m_Opset16.onnx b/Computer_Vision/tf_efficientnetv2_m_Opset16_timm/tf_efficientnetv2_m_Opset16.onnx new file mode 100644 index 000000000..e97c79bda --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_m_Opset16_timm/tf_efficientnetv2_m_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:033f4c29039acf8760bb014e0e8f0d4fe8fbfd8073f256ade3b00a3c2ebd8e12 +size 216223269 diff --git a/Computer_Vision/tf_efficientnetv2_m_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_m_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7b2f44317 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_m_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.362333297729492 + set_success: 0.026055097579956055 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_m_timm_76e0172c/onnx/tf_efficientnetv2_m_timm_76e0172c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_m.py +class: EfficientNet +hash: dd6e16fd +model_name: tf_efficientnetv2_m +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 211155.5684 +onnx_ops_counter: + Add: 71 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 245 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 201 + Pad: 5 + ReduceMean: 44 + Reshape: 10 + Shape: 13 + Sigmoid: 191 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 54139356 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_m_Opset17_timm/tf_efficientnetv2_m_Opset17.onnx b/Computer_Vision/tf_efficientnetv2_m_Opset17_timm/tf_efficientnetv2_m_Opset17.onnx new file mode 100644 index 000000000..e5cc140f0 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_m_Opset17_timm/tf_efficientnetv2_m_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf9916aadc45582cf46149af1d4c5b697e5dd47de07cec0db5290d3d22947d2b +size 216223269 diff --git a/Computer_Vision/tf_efficientnetv2_m_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_m_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5ef545ce9 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_m_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.222176551818848 + set_success: 0.02497696876525879 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_m_timm_76e0172c/onnx/tf_efficientnetv2_m_timm_76e0172c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_m.py +class: EfficientNet +hash: dd6e16fd +model_name: tf_efficientnetv2_m +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 211155.5684 +onnx_ops_counter: + Add: 71 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 245 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 201 + Pad: 5 + ReduceMean: 44 + Reshape: 10 + Shape: 13 + Sigmoid: 191 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 54139356 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_m_in21ft1k_Opset16_timm/tf_efficientnetv2_m_in21ft1k_Opset16.onnx b/Computer_Vision/tf_efficientnetv2_m_in21ft1k_Opset16_timm/tf_efficientnetv2_m_in21ft1k_Opset16.onnx new file mode 100644 index 000000000..e97c79bda --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_m_in21ft1k_Opset16_timm/tf_efficientnetv2_m_in21ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:033f4c29039acf8760bb014e0e8f0d4fe8fbfd8073f256ade3b00a3c2ebd8e12 +size 216223269 diff --git a/Computer_Vision/tf_efficientnetv2_m_in21ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_m_in21ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..408010554 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_m_in21ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.27459454536438 + set_success: 0.024415254592895508 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_m_in21ft1k_timm_76e0172c/onnx/tf_efficientnetv2_m_in21ft1k_timm_76e0172c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_m_in21ft1k.py +class: EfficientNet +hash: dd6e16fd +model_name: tf_efficientnetv2_m_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 211155.5684 +onnx_ops_counter: + Add: 71 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 245 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 201 + Pad: 5 + ReduceMean: 44 + Reshape: 10 + Shape: 13 + Sigmoid: 191 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 54139356 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_m_in21ft1k_Opset17_timm/tf_efficientnetv2_m_in21ft1k_Opset17.onnx b/Computer_Vision/tf_efficientnetv2_m_in21ft1k_Opset17_timm/tf_efficientnetv2_m_in21ft1k_Opset17.onnx new file mode 100644 index 000000000..e5cc140f0 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_m_in21ft1k_Opset17_timm/tf_efficientnetv2_m_in21ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf9916aadc45582cf46149af1d4c5b697e5dd47de07cec0db5290d3d22947d2b +size 216223269 diff --git a/Computer_Vision/tf_efficientnetv2_m_in21ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_m_in21ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..00a41e212 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_m_in21ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.403158187866211 + set_success: 0.026361465454101562 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_m_in21ft1k_timm_76e0172c/onnx/tf_efficientnetv2_m_in21ft1k_timm_76e0172c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_m_in21ft1k.py +class: EfficientNet +hash: dd6e16fd +model_name: tf_efficientnetv2_m_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 211155.5684 +onnx_ops_counter: + Add: 71 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 245 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 201 + Pad: 5 + ReduceMean: 44 + Reshape: 10 + Shape: 13 + Sigmoid: 191 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 54139356 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_m_in21k_Opset16_timm/tf_efficientnetv2_m_in21k_Opset16.onnx b/Computer_Vision/tf_efficientnetv2_m_in21k_Opset16_timm/tf_efficientnetv2_m_in21k_Opset16.onnx new file mode 100644 index 000000000..1f6eaaec2 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_m_in21k_Opset16_timm/tf_efficientnetv2_m_in21k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc564418ac7ddc3402ed0475840be9b562f6b7b38794c7968dc216a5f1007371 +size 323022807 diff --git a/Computer_Vision/tf_efficientnetv2_m_in21k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_m_in21k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1e1c81395 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_m_in21k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.319275140762329 + set_success: 0.02440333366394043 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_m_in21k_timm_ab8217f9/onnx/tf_efficientnetv2_m_in21k_timm_ab8217f9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_m_in21k.py +class: EfficientNet +hash: 28b9a84b +model_name: tf_efficientnetv2_m_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 315451.9922 +onnx_ops_counter: + Add: 71 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 245 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 201 + Pad: 5 + ReduceMean: 44 + Reshape: 10 + Shape: 13 + Sigmoid: 191 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 80839239 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_m_in21k_Opset17_timm/tf_efficientnetv2_m_in21k_Opset17.onnx b/Computer_Vision/tf_efficientnetv2_m_in21k_Opset17_timm/tf_efficientnetv2_m_in21k_Opset17.onnx new file mode 100644 index 000000000..03e7851c8 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_m_in21k_Opset17_timm/tf_efficientnetv2_m_in21k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63fcbf472235339f93f4d7e3791d897b46fee80cc7fe420b60e9362f45c93aa6 +size 323022807 diff --git a/Computer_Vision/tf_efficientnetv2_m_in21k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_m_in21k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4bb7245ec --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_m_in21k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.557297706604004 + set_success: 0.026150226593017578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_m_in21k_timm_ab8217f9/onnx/tf_efficientnetv2_m_in21k_timm_ab8217f9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_m_in21k.py +class: EfficientNet +hash: 28b9a84b +model_name: tf_efficientnetv2_m_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 315451.9922 +onnx_ops_counter: + Add: 71 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 245 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 201 + Pad: 5 + ReduceMean: 44 + Reshape: 10 + Shape: 13 + Sigmoid: 191 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 80839239 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_s_Opset16_timm/tf_efficientnetv2_s_Opset16.onnx b/Computer_Vision/tf_efficientnetv2_s_Opset16_timm/tf_efficientnetv2_s_Opset16.onnx new file mode 100644 index 000000000..a3aac80f3 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_s_Opset16_timm/tf_efficientnetv2_s_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4e82d21ef1e571ef287bc95959bf1f29faadd82505ab768e69eb7e48f847097 +size 85720450 diff --git a/Computer_Vision/tf_efficientnetv2_s_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_s_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d0805c509 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_s_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.80497407913208 + set_success: 0.020583152770996094 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_s_timm_f26671d9/onnx/tf_efficientnetv2_s_timm_f26671d9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_s.py +class: EfficientNet +hash: a2ff6568 +model_name: tf_efficientnetv2_s +onnx_input_dimensions: + x: + - 1 + - 3 + - 300 + - 300 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 83711.4092 +onnx_ops_counter: + Add: 55 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 170 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 142 + Pad: 5 + ReduceMean: 30 + Reshape: 10 + Shape: 13 + Sigmoid: 132 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 21458488 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_s_Opset17_timm/tf_efficientnetv2_s_Opset17.onnx b/Computer_Vision/tf_efficientnetv2_s_Opset17_timm/tf_efficientnetv2_s_Opset17.onnx new file mode 100644 index 000000000..29b333f69 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_s_Opset17_timm/tf_efficientnetv2_s_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f45a210148b589a4dc6214c17d0de979d6dffc3b72eb8e588bab608cdc09aad +size 85720450 diff --git a/Computer_Vision/tf_efficientnetv2_s_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_s_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c220c9f76 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_s_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.7574427127838135 + set_success: 0.02161550521850586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_s_timm_f26671d9/onnx/tf_efficientnetv2_s_timm_f26671d9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_s.py +class: EfficientNet +hash: a2ff6568 +model_name: tf_efficientnetv2_s +onnx_input_dimensions: + x: + - 1 + - 3 + - 300 + - 300 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 83711.4092 +onnx_ops_counter: + Add: 55 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 170 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 142 + Pad: 5 + ReduceMean: 30 + Reshape: 10 + Shape: 13 + Sigmoid: 132 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 21458488 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_s_in21ft1k_Opset16_timm/tf_efficientnetv2_s_in21ft1k_Opset16.onnx b/Computer_Vision/tf_efficientnetv2_s_in21ft1k_Opset16_timm/tf_efficientnetv2_s_in21ft1k_Opset16.onnx new file mode 100644 index 000000000..a3aac80f3 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_s_in21ft1k_Opset16_timm/tf_efficientnetv2_s_in21ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4e82d21ef1e571ef287bc95959bf1f29faadd82505ab768e69eb7e48f847097 +size 85720450 diff --git a/Computer_Vision/tf_efficientnetv2_s_in21ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_s_in21ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b5c9c958d --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_s_in21ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.824540376663208 + set_success: 0.02055644989013672 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_s_in21ft1k_timm_f26671d9/onnx/tf_efficientnetv2_s_in21ft1k_timm_f26671d9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_s_in21ft1k.py +class: EfficientNet +hash: a2ff6568 +model_name: tf_efficientnetv2_s_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 300 + - 300 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 83711.4092 +onnx_ops_counter: + Add: 55 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 170 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 142 + Pad: 5 + ReduceMean: 30 + Reshape: 10 + Shape: 13 + Sigmoid: 132 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 21458488 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_s_in21ft1k_Opset17_timm/tf_efficientnetv2_s_in21ft1k_Opset17.onnx b/Computer_Vision/tf_efficientnetv2_s_in21ft1k_Opset17_timm/tf_efficientnetv2_s_in21ft1k_Opset17.onnx new file mode 100644 index 000000000..29b333f69 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_s_in21ft1k_Opset17_timm/tf_efficientnetv2_s_in21ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f45a210148b589a4dc6214c17d0de979d6dffc3b72eb8e588bab608cdc09aad +size 85720450 diff --git a/Computer_Vision/tf_efficientnetv2_s_in21ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_s_in21ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c92f7830d --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_s_in21ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.7777488231658936 + set_success: 0.020624876022338867 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_s_in21ft1k_timm_f26671d9/onnx/tf_efficientnetv2_s_in21ft1k_timm_f26671d9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_s_in21ft1k.py +class: EfficientNet +hash: a2ff6568 +model_name: tf_efficientnetv2_s_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 300 + - 300 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 83711.4092 +onnx_ops_counter: + Add: 55 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 170 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 142 + Pad: 5 + ReduceMean: 30 + Reshape: 10 + Shape: 13 + Sigmoid: 132 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 21458488 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_s_in21k_Opset16_timm/tf_efficientnetv2_s_in21k_Opset16.onnx b/Computer_Vision/tf_efficientnetv2_s_in21k_Opset16_timm/tf_efficientnetv2_s_in21k_Opset16.onnx new file mode 100644 index 000000000..5366b82e2 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_s_in21k_Opset16_timm/tf_efficientnetv2_s_in21k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8a7c60956af38ea45459d1f08a8bef73e3de2f0a9b46143d000fee4332d2022 +size 192519987 diff --git a/Computer_Vision/tf_efficientnetv2_s_in21k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_s_in21k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9bff8aad7 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_s_in21k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.782186031341553 + set_success: 0.02067708969116211 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_s_in21k_timm_09de9819/onnx/tf_efficientnetv2_s_in21k_timm_09de9819-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_s_in21k.py +class: EfficientNet +hash: 150bc9af +model_name: tf_efficientnetv2_s_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 300 + - 300 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 188007.832 +onnx_ops_counter: + Add: 55 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 170 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 142 + Pad: 5 + ReduceMean: 30 + Reshape: 10 + Shape: 13 + Sigmoid: 132 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 48158371 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_s_in21k_Opset17_timm/tf_efficientnetv2_s_in21k_Opset17.onnx b/Computer_Vision/tf_efficientnetv2_s_in21k_Opset17_timm/tf_efficientnetv2_s_in21k_Opset17.onnx new file mode 100644 index 000000000..47ce2263f --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_s_in21k_Opset17_timm/tf_efficientnetv2_s_in21k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f130b4170fd90eb6cc66d658e52e2f6883cd775edafe545a0712fc1dfb4d1fa0 +size 192519987 diff --git a/Computer_Vision/tf_efficientnetv2_s_in21k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_s_in21k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..96f973aa2 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_s_in21k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.591318368911743 + set_success: 0.022516965866088867 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_s_in21k_timm_09de9819/onnx/tf_efficientnetv2_s_in21k_timm_09de9819-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_s_in21k.py +class: EfficientNet +hash: 150bc9af +model_name: tf_efficientnetv2_s_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 300 + - 300 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 188007.832 +onnx_ops_counter: + Add: 55 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 170 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 142 + Pad: 5 + ReduceMean: 30 + Reshape: 10 + Shape: 13 + Sigmoid: 132 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 48158371 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_xl_in21ft1k_Opset16_timm/tf_efficientnetv2_xl_in21ft1k_Opset16.onnx b/Computer_Vision/tf_efficientnetv2_xl_in21ft1k_Opset16_timm/tf_efficientnetv2_xl_in21ft1k_Opset16.onnx new file mode 100644 index 000000000..a84b8c7d3 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_xl_in21ft1k_Opset16_timm/tf_efficientnetv2_xl_in21ft1k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47d03cd897a6048af9036efe406cb1953a3138eb588f54c3f3e42dacaf776ec6 +size 831318919 diff --git a/Computer_Vision/tf_efficientnetv2_xl_in21ft1k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_xl_in21ft1k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9cc71f0b8 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_xl_in21ft1k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 30.013784170150757 + set_success: 0.035470008850097656 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_xl_in21ft1k_timm_8d7028e0/onnx/tf_efficientnetv2_xl_in21ft1k_timm_8d7028e0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_xl_in21ft1k.py +class: EfficientNet +hash: 5532b3fa +model_name: tf_efficientnetv2_xl_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 811834.9141 +onnx_ops_counter: + Add: 114 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 438 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 352 + Pad: 5 + ReduceMean: 80 + Reshape: 10 + Shape: 13 + Sigmoid: 342 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 208119808 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_xl_in21ft1k_Opset17_timm/tf_efficientnetv2_xl_in21ft1k_Opset17.onnx b/Computer_Vision/tf_efficientnetv2_xl_in21ft1k_Opset17_timm/tf_efficientnetv2_xl_in21ft1k_Opset17.onnx new file mode 100644 index 000000000..17d6aa51b --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_xl_in21ft1k_Opset17_timm/tf_efficientnetv2_xl_in21ft1k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6de96999ba5fbef5aa1dc594c077d1e9a72bd32e365e35291750c1ad282b54dc +size 831318919 diff --git a/Computer_Vision/tf_efficientnetv2_xl_in21ft1k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_xl_in21ft1k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..400191909 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_xl_in21ft1k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 31.11414933204651 + set_success: 0.03838753700256348 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_xl_in21ft1k_timm_8d7028e0/onnx/tf_efficientnetv2_xl_in21ft1k_timm_8d7028e0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_xl_in21ft1k.py +class: EfficientNet +hash: 5532b3fa +model_name: tf_efficientnetv2_xl_in21ft1k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 811834.9141 +onnx_ops_counter: + Add: 114 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 438 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 352 + Pad: 5 + ReduceMean: 80 + Reshape: 10 + Shape: 13 + Sigmoid: 342 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 208119808 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_xl_in21k_Opset16_timm/tf_efficientnetv2_xl_in21k_Opset16.onnx b/Computer_Vision/tf_efficientnetv2_xl_in21k_Opset16_timm/tf_efficientnetv2_xl_in21k_Opset16.onnx new file mode 100644 index 000000000..912032f9e --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_xl_in21k_Opset16_timm/tf_efficientnetv2_xl_in21k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:623b06b6216a1456a1fa77152412c73fd6c141ba999644d6d8a28bbe1f4dba64 +size 938118456 diff --git a/Computer_Vision/tf_efficientnetv2_xl_in21k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_xl_in21k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b84dce833 --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_xl_in21k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 30.171169757843018 + set_success: 0.033731937408447266 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_xl_in21k_timm_c7bcd455/onnx/tf_efficientnetv2_xl_in21k_timm_c7bcd455-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_xl_in21k.py +class: EfficientNet +hash: b97e0971 +model_name: tf_efficientnetv2_xl_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 916131.3369 +onnx_ops_counter: + Add: 114 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 438 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 352 + Pad: 5 + ReduceMean: 80 + Reshape: 10 + Shape: 13 + Sigmoid: 342 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 234819691 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_efficientnetv2_xl_in21k_Opset17_timm/tf_efficientnetv2_xl_in21k_Opset17.onnx b/Computer_Vision/tf_efficientnetv2_xl_in21k_Opset17_timm/tf_efficientnetv2_xl_in21k_Opset17.onnx new file mode 100644 index 000000000..72398e7ee --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_xl_in21k_Opset17_timm/tf_efficientnetv2_xl_in21k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:11907790380aac74725370b51d627d067dae708fc20586f619ded6da3176c89d +size 938118456 diff --git a/Computer_Vision/tf_efficientnetv2_xl_in21k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_efficientnetv2_xl_in21k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..72c79d4bc --- /dev/null +++ b/Computer_Vision/tf_efficientnetv2_xl_in21k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 31.926049947738647 + set_success: 0.03588294982910156 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_efficientnetv2_xl_in21k_timm_c7bcd455/onnx/tf_efficientnetv2_xl_in21k_timm_c7bcd455-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_efficientnetv2_xl_in21k.py +class: EfficientNet +hash: b97e0971 +model_name: tf_efficientnetv2_xl_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 916131.3369 +onnx_ops_counter: + Add: 114 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 438 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 352 + Pad: 5 + ReduceMean: 80 + Reshape: 10 + Shape: 13 + Sigmoid: 342 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 234819691 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_inception_v3_Opset16_timm/tf_inception_v3_Opset16.onnx b/Computer_Vision/tf_inception_v3_Opset16_timm/tf_inception_v3_Opset16.onnx new file mode 100644 index 000000000..d13133287 --- /dev/null +++ b/Computer_Vision/tf_inception_v3_Opset16_timm/tf_inception_v3_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:284a65d6a1809cd79646a592ce9655c1e9f00b5daf6bdb55c3ea1525bd2972e4 +size 95317116 diff --git a/Computer_Vision/tf_inception_v3_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_inception_v3_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a93c141d1 --- /dev/null +++ b/Computer_Vision/tf_inception_v3_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.334186553955078 + set_success: 0.017665624618530273 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_inception_v3_timm_6ead9f43/onnx/tf_inception_v3_timm_6ead9f43-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_inception_v3.py +class: InceptionV3 +hash: 4599a3df +model_name: tf_inception_v3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 93083.1533 +onnx_ops_counter: + AveragePool: 9 + Concat: 11 + Conv: 94 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Relu: 94 +parameters: 23834568 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_inception_v3_Opset17_timm/tf_inception_v3_Opset17.onnx b/Computer_Vision/tf_inception_v3_Opset17_timm/tf_inception_v3_Opset17.onnx new file mode 100644 index 000000000..60e547e3f --- /dev/null +++ b/Computer_Vision/tf_inception_v3_Opset17_timm/tf_inception_v3_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6c69ae12c2c4f89a064348087e386604100ddd14720dfb7b12db499f02e0ac3 +size 95317116 diff --git a/Computer_Vision/tf_inception_v3_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_inception_v3_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c01506c77 --- /dev/null +++ b/Computer_Vision/tf_inception_v3_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.4620912075042725 + set_success: 0.01731133460998535 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_inception_v3_timm_6ead9f43/onnx/tf_inception_v3_timm_6ead9f43-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_inception_v3.py +class: InceptionV3 +hash: 4599a3df +model_name: tf_inception_v3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 93083.1533 +onnx_ops_counter: + AveragePool: 9 + Concat: 11 + Conv: 94 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Relu: 94 +parameters: 23834568 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_inception_v3_Opset18_timm/tf_inception_v3_Opset18.onnx b/Computer_Vision/tf_inception_v3_Opset18_timm/tf_inception_v3_Opset18.onnx new file mode 100644 index 000000000..d35ff1caf --- /dev/null +++ b/Computer_Vision/tf_inception_v3_Opset18_timm/tf_inception_v3_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bca508a648d7713fca2280950e281ec3cba5508cdaff80c1fa0654600e984f7d +size 95317116 diff --git a/Computer_Vision/tf_inception_v3_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/tf_inception_v3_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d829a479d --- /dev/null +++ b/Computer_Vision/tf_inception_v3_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.40928053855896 + set_success: 0.01865696907043457 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_inception_v3_timm_6ead9f43/onnx/tf_inception_v3_timm_6ead9f43-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_inception_v3.py +class: InceptionV3 +hash: 4599a3df +model_name: tf_inception_v3 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 93083.1533 +onnx_ops_counter: + AveragePool: 9 + Concat: 11 + Conv: 94 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Relu: 94 +parameters: 23834568 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_mixnet_l_Opset16_timm/tf_mixnet_l_Opset16.onnx b/Computer_Vision/tf_mixnet_l_Opset16_timm/tf_mixnet_l_Opset16.onnx new file mode 100644 index 000000000..8ca76293c --- /dev/null +++ b/Computer_Vision/tf_mixnet_l_Opset16_timm/tf_mixnet_l_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd0fd4a035bbeb25e7448188b66b8ad3222694ad2dc22087f586d7679e1b367d +size 29806237 diff --git a/Computer_Vision/tf_mixnet_l_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_mixnet_l_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3b59a92f8 --- /dev/null +++ b/Computer_Vision/tf_mixnet_l_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.776899099349976 + set_success: 0.018253326416015625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_mixnet_l_timm_bd71a224/onnx/tf_mixnet_l_timm_bd71a224-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_mixnet_l.py +class: EfficientNet +hash: bf323d0b +model_name: tf_mixnet_l +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 29107.6855 +onnx_ops_counter: + Add: 74 + BatchNormalization: 41 + Cast: 146 + Ceil: 30 + Clip: 30 + Concat: 86 + Constant: 513 + ConstantOfShape: 15 + Conv: 155 + Div: 58 + Flatten: 1 + Gather: 43 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 94 + Pad: 15 + ReduceMean: 16 + Relu: 7 + Reshape: 30 + Shape: 43 + Sigmoid: 64 + Slice: 15 + Split: 41 + Sub: 105 + Transpose: 15 + Unsqueeze: 120 +parameters: 7329252 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_mixnet_l_Opset17_timm/tf_mixnet_l_Opset17.onnx b/Computer_Vision/tf_mixnet_l_Opset17_timm/tf_mixnet_l_Opset17.onnx new file mode 100644 index 000000000..c151e6cbb --- /dev/null +++ b/Computer_Vision/tf_mixnet_l_Opset17_timm/tf_mixnet_l_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:90631d76b2c0806b402efab1e77b63e03686696e59ffc2ed0eea1cb8e55f841e +size 29806237 diff --git a/Computer_Vision/tf_mixnet_l_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_mixnet_l_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..fd3ca84fc --- /dev/null +++ b/Computer_Vision/tf_mixnet_l_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.910316228866577 + set_success: 0.01717233657836914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_mixnet_l_timm_bd71a224/onnx/tf_mixnet_l_timm_bd71a224-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_mixnet_l.py +class: EfficientNet +hash: bf323d0b +model_name: tf_mixnet_l +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 29107.6855 +onnx_ops_counter: + Add: 74 + BatchNormalization: 41 + Cast: 146 + Ceil: 30 + Clip: 30 + Concat: 86 + Constant: 513 + ConstantOfShape: 15 + Conv: 155 + Div: 58 + Flatten: 1 + Gather: 43 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 94 + Pad: 15 + ReduceMean: 16 + Relu: 7 + Reshape: 30 + Shape: 43 + Sigmoid: 64 + Slice: 15 + Split: 41 + Sub: 105 + Transpose: 15 + Unsqueeze: 120 +parameters: 7329252 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_mixnet_m_Opset16_timm/tf_mixnet_m_Opset16.onnx b/Computer_Vision/tf_mixnet_m_Opset16_timm/tf_mixnet_m_Opset16.onnx new file mode 100644 index 000000000..5bdbcbee7 --- /dev/null +++ b/Computer_Vision/tf_mixnet_m_Opset16_timm/tf_mixnet_m_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a3dfad6b00db9b211b7119abe23dfd91138738a22cbac3ac3669bb86ad72087 +size 20520577 diff --git a/Computer_Vision/tf_mixnet_m_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_mixnet_m_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..958a51c2e --- /dev/null +++ b/Computer_Vision/tf_mixnet_m_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.750964879989624 + set_success: 0.017994403839111328 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_mixnet_m_timm_f8decf92/onnx/tf_mixnet_m_timm_f8decf92-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_mixnet_m.py +class: EfficientNet +hash: 1fcb18e8 +model_name: tf_mixnet_m +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 20039.6582 +onnx_ops_counter: + Add: 74 + BatchNormalization: 41 + Cast: 146 + Ceil: 30 + Clip: 30 + Concat: 86 + Constant: 513 + ConstantOfShape: 15 + Conv: 155 + Div: 58 + Flatten: 1 + Gather: 43 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 94 + Pad: 15 + ReduceMean: 16 + Relu: 7 + Reshape: 30 + Shape: 43 + Sigmoid: 64 + Slice: 15 + Split: 41 + Sub: 105 + Transpose: 15 + Unsqueeze: 120 +parameters: 5014382 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_mixnet_m_Opset17_timm/tf_mixnet_m_Opset17.onnx b/Computer_Vision/tf_mixnet_m_Opset17_timm/tf_mixnet_m_Opset17.onnx new file mode 100644 index 000000000..f65e5ced4 --- /dev/null +++ b/Computer_Vision/tf_mixnet_m_Opset17_timm/tf_mixnet_m_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fa9d1b8dc304bbfe34b59ab564b27124b87893847f326f96dbcc43c4261eb42b +size 20520577 diff --git a/Computer_Vision/tf_mixnet_m_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_mixnet_m_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e800afd40 --- /dev/null +++ b/Computer_Vision/tf_mixnet_m_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.834139585494995 + set_success: 0.019463777542114258 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_mixnet_m_timm_f8decf92/onnx/tf_mixnet_m_timm_f8decf92-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_mixnet_m.py +class: EfficientNet +hash: 1fcb18e8 +model_name: tf_mixnet_m +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 20039.6582 +onnx_ops_counter: + Add: 74 + BatchNormalization: 41 + Cast: 146 + Ceil: 30 + Clip: 30 + Concat: 86 + Constant: 513 + ConstantOfShape: 15 + Conv: 155 + Div: 58 + Flatten: 1 + Gather: 43 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 94 + Pad: 15 + ReduceMean: 16 + Relu: 7 + Reshape: 30 + Shape: 43 + Sigmoid: 64 + Slice: 15 + Split: 41 + Sub: 105 + Transpose: 15 + Unsqueeze: 120 +parameters: 5014382 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_mixnet_s_Opset16_timm/tf_mixnet_s_Opset16.onnx b/Computer_Vision/tf_mixnet_s_Opset16_timm/tf_mixnet_s_Opset16.onnx new file mode 100644 index 000000000..eb43461a7 --- /dev/null +++ b/Computer_Vision/tf_mixnet_s_Opset16_timm/tf_mixnet_s_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c00bb263e265ce59b41c86f07e60680fc8afdfe5f33dcc753885057e9e460dae +size 16916668 diff --git a/Computer_Vision/tf_mixnet_s_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_mixnet_s_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..905423c9d --- /dev/null +++ b/Computer_Vision/tf_mixnet_s_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.19418740272522 + set_success: 0.0179750919342041 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_mixnet_s_timm_2fbc130d/onnx/tf_mixnet_s_timm_2fbc130d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_mixnet_s.py +class: EfficientNet +hash: 6d84ab96 +model_name: tf_mixnet_s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 16520.2158 +onnx_ops_counter: + Add: 63 + BatchNormalization: 34 + Cast: 126 + Ceil: 26 + Clip: 26 + Concat: 73 + Constant: 446 + ConstantOfShape: 13 + Conv: 123 + Div: 50 + Flatten: 1 + Gather: 37 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 78 + Pad: 13 + ReduceMean: 13 + Relu: 7 + Reshape: 26 + Shape: 37 + Sigmoid: 52 + Slice: 13 + Split: 34 + Sub: 91 + Transpose: 13 + Unsqueeze: 104 +parameters: 4134606 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_mixnet_s_Opset17_timm/tf_mixnet_s_Opset17.onnx b/Computer_Vision/tf_mixnet_s_Opset17_timm/tf_mixnet_s_Opset17.onnx new file mode 100644 index 000000000..70c1d846f --- /dev/null +++ b/Computer_Vision/tf_mixnet_s_Opset17_timm/tf_mixnet_s_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e335ce44be9cf4e866de58ae5a4c333391f2facc1831956d48ff859a21d879c4 +size 16916668 diff --git a/Computer_Vision/tf_mixnet_s_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_mixnet_s_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4c114659c --- /dev/null +++ b/Computer_Vision/tf_mixnet_s_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.271845102310181 + set_success: 0.01719379425048828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_mixnet_s_timm_2fbc130d/onnx/tf_mixnet_s_timm_2fbc130d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_mixnet_s.py +class: EfficientNet +hash: 6d84ab96 +model_name: tf_mixnet_s +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 16520.2158 +onnx_ops_counter: + Add: 63 + BatchNormalization: 34 + Cast: 126 + Ceil: 26 + Clip: 26 + Concat: 73 + Constant: 446 + ConstantOfShape: 13 + Conv: 123 + Div: 50 + Flatten: 1 + Gather: 37 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 78 + Pad: 13 + ReduceMean: 13 + Relu: 7 + Reshape: 26 + Shape: 37 + Sigmoid: 52 + Slice: 13 + Split: 34 + Sub: 91 + Transpose: 13 + Unsqueeze: 104 +parameters: 4134606 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_mobilenetv3_large_075_Opset16_timm/tf_mobilenetv3_large_075_Opset16.onnx b/Computer_Vision/tf_mobilenetv3_large_075_Opset16_timm/tf_mobilenetv3_large_075_Opset16.onnx new file mode 100644 index 000000000..814a8beaf --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_large_075_Opset16_timm/tf_mobilenetv3_large_075_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f351a587360bd097d962e06dd7f534aefb220cdc902c6600c7f57da973b0aaaf +size 16041923 diff --git a/Computer_Vision/tf_mobilenetv3_large_075_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_mobilenetv3_large_075_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cda6fa21c --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_large_075_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.505336046218872 + set_success: 0.015610456466674805 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_mobilenetv3_large_075_timm_7290621a/onnx/tf_mobilenetv3_large_075_timm_7290621a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_mobilenetv3_large_075.py +class: MobileNetV3 +hash: 2432bb94 +model_name: tf_mobilenetv3_large_075 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 15665.9727 +onnx_ops_counter: + Add: 30 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 63 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 8 + HardSwish: 21 + Mul: 18 + Pad: 5 + ReduceMean: 8 + Relu: 19 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 3993528 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_mobilenetv3_large_075_Opset17_timm/tf_mobilenetv3_large_075_Opset17.onnx b/Computer_Vision/tf_mobilenetv3_large_075_Opset17_timm/tf_mobilenetv3_large_075_Opset17.onnx new file mode 100644 index 000000000..6b0bc2b34 --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_large_075_Opset17_timm/tf_mobilenetv3_large_075_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f918f9b69560743e4fb745494497d7344a8e56d608b5f3ef801fff12db35ab02 +size 16041923 diff --git a/Computer_Vision/tf_mobilenetv3_large_075_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_mobilenetv3_large_075_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..61f65d463 --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_large_075_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.467374563217163 + set_success: 0.015607833862304688 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_mobilenetv3_large_075_timm_7290621a/onnx/tf_mobilenetv3_large_075_timm_7290621a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_mobilenetv3_large_075.py +class: MobileNetV3 +hash: 2432bb94 +model_name: tf_mobilenetv3_large_075 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 15665.9727 +onnx_ops_counter: + Add: 30 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 63 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 8 + HardSwish: 21 + Mul: 18 + Pad: 5 + ReduceMean: 8 + Relu: 19 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 3993528 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_mobilenetv3_large_100_Opset16_timm/tf_mobilenetv3_large_100_Opset16.onnx b/Computer_Vision/tf_mobilenetv3_large_100_Opset16_timm/tf_mobilenetv3_large_100_Opset16.onnx new file mode 100644 index 000000000..985b71820 --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_large_100_Opset16_timm/tf_mobilenetv3_large_100_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3d9026ca6d8cd80ed2eba7f08fed762025ab1443406463d19dbdc089cd5b3ba +size 21989336 diff --git a/Computer_Vision/tf_mobilenetv3_large_100_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_mobilenetv3_large_100_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2894c1487 --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_large_100_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.5687687397003174 + set_success: 0.015326499938964844 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_mobilenetv3_large_100_timm_0c1e4d43/onnx/tf_mobilenetv3_large_100_timm_0c1e4d43-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_mobilenetv3_large_100.py +class: MobileNetV3 +hash: 89f04442 +model_name: tf_mobilenetv3_large_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 21473.9932 +onnx_ops_counter: + Add: 30 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 63 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 8 + HardSwish: 21 + Mul: 18 + Pad: 5 + ReduceMean: 8 + Relu: 19 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 5483032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_mobilenetv3_large_100_Opset17_timm/tf_mobilenetv3_large_100_Opset17.onnx b/Computer_Vision/tf_mobilenetv3_large_100_Opset17_timm/tf_mobilenetv3_large_100_Opset17.onnx new file mode 100644 index 000000000..68591043d --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_large_100_Opset17_timm/tf_mobilenetv3_large_100_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3baf5f7659481cb1f475fdc770d9a40a0df6cc79a1f5b259ddbd92a828c39dc8 +size 21989336 diff --git a/Computer_Vision/tf_mobilenetv3_large_100_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_mobilenetv3_large_100_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0dfa08f24 --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_large_100_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.6363637447357178 + set_success: 0.015839576721191406 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_mobilenetv3_large_100_timm_0c1e4d43/onnx/tf_mobilenetv3_large_100_timm_0c1e4d43-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_mobilenetv3_large_100.py +class: MobileNetV3 +hash: 89f04442 +model_name: tf_mobilenetv3_large_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 21473.9932 +onnx_ops_counter: + Add: 30 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 63 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 8 + HardSwish: 21 + Mul: 18 + Pad: 5 + ReduceMean: 8 + Relu: 19 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 5483032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_mobilenetv3_large_minimal_100_Opset16_timm/tf_mobilenetv3_large_minimal_100_Opset16.onnx b/Computer_Vision/tf_mobilenetv3_large_minimal_100_Opset16_timm/tf_mobilenetv3_large_minimal_100_Opset16.onnx new file mode 100644 index 000000000..8f40ae46e --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_large_minimal_100_Opset16_timm/tf_mobilenetv3_large_minimal_100_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe0f1a07c6dc8caa2109dc8b79e078f3a8862baac11401673011f2551a27e71a +size 15741080 diff --git a/Computer_Vision/tf_mobilenetv3_large_minimal_100_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_mobilenetv3_large_minimal_100_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..14fa94fc2 --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_large_minimal_100_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2685770988464355 + set_success: 0.016439437866210938 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_mobilenetv3_large_minimal_100_timm_a9fb76b0/onnx/tf_mobilenetv3_large_minimal_100_timm_a9fb76b0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_mobilenetv3_large_minimal_100.py +class: MobileNetV3 +hash: 50ae61f0 +model_name: tf_mobilenetv3_large_minimal_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 15372.1807 +onnx_ops_counter: + Add: 30 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 47 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Relu: 32 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 3924288 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_mobilenetv3_large_minimal_100_Opset17_timm/tf_mobilenetv3_large_minimal_100_Opset17.onnx b/Computer_Vision/tf_mobilenetv3_large_minimal_100_Opset17_timm/tf_mobilenetv3_large_minimal_100_Opset17.onnx new file mode 100644 index 000000000..b2a4952f2 --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_large_minimal_100_Opset17_timm/tf_mobilenetv3_large_minimal_100_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b14c2238cb1488ec9bb3dee29b360313862763850db486686894518435e193d5 +size 15741080 diff --git a/Computer_Vision/tf_mobilenetv3_large_minimal_100_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_mobilenetv3_large_minimal_100_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3e10c0b67 --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_large_minimal_100_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2856173515319824 + set_success: 0.016605854034423828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_mobilenetv3_large_minimal_100_timm_a9fb76b0/onnx/tf_mobilenetv3_large_minimal_100_timm_a9fb76b0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_mobilenetv3_large_minimal_100.py +class: MobileNetV3 +hash: 50ae61f0 +model_name: tf_mobilenetv3_large_minimal_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 15372.1807 +onnx_ops_counter: + Add: 30 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 47 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Relu: 32 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 3924288 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_mobilenetv3_large_minimal_100_Opset18_timm/tf_mobilenetv3_large_minimal_100_Opset18.onnx b/Computer_Vision/tf_mobilenetv3_large_minimal_100_Opset18_timm/tf_mobilenetv3_large_minimal_100_Opset18.onnx new file mode 100644 index 000000000..763b578fe --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_large_minimal_100_Opset18_timm/tf_mobilenetv3_large_minimal_100_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:851ba33824d68d9a142f774597b5dad41214ac6d801d108b0366a635911405a9 +size 15741080 diff --git a/Computer_Vision/tf_mobilenetv3_large_minimal_100_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/tf_mobilenetv3_large_minimal_100_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..956a2a163 --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_large_minimal_100_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.310192346572876 + set_success: 0.018524885177612305 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_mobilenetv3_large_minimal_100_timm_a9fb76b0/onnx/tf_mobilenetv3_large_minimal_100_timm_a9fb76b0-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_mobilenetv3_large_minimal_100.py +class: MobileNetV3 +hash: 50ae61f0 +model_name: tf_mobilenetv3_large_minimal_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 15372.1807 +onnx_ops_counter: + Add: 30 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 47 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Relu: 32 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 3924288 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_mobilenetv3_small_075_Opset16_timm/tf_mobilenetv3_small_075_Opset16.onnx b/Computer_Vision/tf_mobilenetv3_small_075_Opset16_timm/tf_mobilenetv3_small_075_Opset16.onnx new file mode 100644 index 000000000..90f4842f2 --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_small_075_Opset16_timm/tf_mobilenetv3_small_075_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2bfa710e3e0abdda32064021a03ff89d6608918681763c3c463843e4f2868760 +size 8249496 diff --git a/Computer_Vision/tf_mobilenetv3_small_075_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_mobilenetv3_small_075_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..132fd6eaf --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_small_075_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1532878875732422 + set_success: 0.015438079833984375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_mobilenetv3_small_075_timm_e7883ab2/onnx/tf_mobilenetv3_small_075_timm_e7883ab2-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_mobilenetv3_small_075.py +class: MobileNetV3 +hash: 1f94b9fa +model_name: tf_mobilenetv3_small_075 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 8056.1807 +onnx_ops_counter: + Add: 26 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 53 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 9 + HardSwish: 19 + Mul: 19 + Pad: 5 + ReduceMean: 9 + Relu: 14 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 2041872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_mobilenetv3_small_075_Opset17_timm/tf_mobilenetv3_small_075_Opset17.onnx b/Computer_Vision/tf_mobilenetv3_small_075_Opset17_timm/tf_mobilenetv3_small_075_Opset17.onnx new file mode 100644 index 000000000..a535053e2 --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_small_075_Opset17_timm/tf_mobilenetv3_small_075_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc864b34bf422e03e87e145f321487c5fe609ba0c1f921561fd548ba2fcfabbb +size 8249496 diff --git a/Computer_Vision/tf_mobilenetv3_small_075_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_mobilenetv3_small_075_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f18ae9f1d --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_small_075_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.157982587814331 + set_success: 0.015470743179321289 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_mobilenetv3_small_075_timm_e7883ab2/onnx/tf_mobilenetv3_small_075_timm_e7883ab2-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_mobilenetv3_small_075.py +class: MobileNetV3 +hash: 1f94b9fa +model_name: tf_mobilenetv3_small_075 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 8056.1807 +onnx_ops_counter: + Add: 26 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 53 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 9 + HardSwish: 19 + Mul: 19 + Pad: 5 + ReduceMean: 9 + Relu: 14 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 2041872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_mobilenetv3_small_100_Opset16_timm/tf_mobilenetv3_small_100_Opset16.onnx b/Computer_Vision/tf_mobilenetv3_small_100_Opset16_timm/tf_mobilenetv3_small_100_Opset16.onnx new file mode 100644 index 000000000..ce0248b66 --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_small_100_Opset16_timm/tf_mobilenetv3_small_100_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:78fd38c23bb84a869270a0c9867b0f8dcc36500293774e22065075ddf2308256 +size 10248594 diff --git a/Computer_Vision/tf_mobilenetv3_small_100_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_mobilenetv3_small_100_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e238af04b --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_small_100_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.203880786895752 + set_success: 0.015881776809692383 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_mobilenetv3_small_100_timm_df6e29a6/onnx/tf_mobilenetv3_small_100_timm_df6e29a6-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_mobilenetv3_small_100.py +class: MobileNetV3 +hash: 57ba706b +model_name: tf_mobilenetv3_small_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 10008.4248 +onnx_ops_counter: + Add: 26 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 53 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 9 + HardSwish: 19 + Mul: 19 + Pad: 5 + ReduceMean: 9 + Relu: 14 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 2542856 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_mobilenetv3_small_100_Opset17_timm/tf_mobilenetv3_small_100_Opset17.onnx b/Computer_Vision/tf_mobilenetv3_small_100_Opset17_timm/tf_mobilenetv3_small_100_Opset17.onnx new file mode 100644 index 000000000..bdb244662 --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_small_100_Opset17_timm/tf_mobilenetv3_small_100_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5437d8352dd518034aea89de1fa0604a9d99fd5649a35431a22cd00ede60667 +size 10248594 diff --git a/Computer_Vision/tf_mobilenetv3_small_100_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_mobilenetv3_small_100_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..987dabe28 --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_small_100_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2217950820922852 + set_success: 0.016417264938354492 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_mobilenetv3_small_100_timm_df6e29a6/onnx/tf_mobilenetv3_small_100_timm_df6e29a6-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_mobilenetv3_small_100.py +class: MobileNetV3 +hash: 57ba706b +model_name: tf_mobilenetv3_small_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 10008.4248 +onnx_ops_counter: + Add: 26 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 53 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + HardSigmoid: 9 + HardSwish: 19 + Mul: 19 + Pad: 5 + ReduceMean: 9 + Relu: 14 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 2542856 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_mobilenetv3_small_minimal_100_Opset16_timm/tf_mobilenetv3_small_minimal_100_Opset16.onnx b/Computer_Vision/tf_mobilenetv3_small_minimal_100_Opset16_timm/tf_mobilenetv3_small_minimal_100_Opset16.onnx new file mode 100644 index 000000000..fd1982913 --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_small_minimal_100_Opset16_timm/tf_mobilenetv3_small_minimal_100_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8a832258649159c3588d4afc5835d8967cba12f39e2a5252b60ba13f47978b0a +size 8241376 diff --git a/Computer_Vision/tf_mobilenetv3_small_minimal_100_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tf_mobilenetv3_small_minimal_100_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b53ba314f --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_small_minimal_100_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9988312721252441 + set_success: 0.01760101318359375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_mobilenetv3_small_minimal_100_timm_2ef4a66a/onnx/tf_mobilenetv3_small_minimal_100_timm_2ef4a66a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_mobilenetv3_small_minimal_100.py +class: MobileNetV3 +hash: c4a4444b +model_name: tf_mobilenetv3_small_minimal_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 8048.251 +onnx_ops_counter: + Add: 26 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 35 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Relu: 24 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 2044736 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_mobilenetv3_small_minimal_100_Opset17_timm/tf_mobilenetv3_small_minimal_100_Opset17.onnx b/Computer_Vision/tf_mobilenetv3_small_minimal_100_Opset17_timm/tf_mobilenetv3_small_minimal_100_Opset17.onnx new file mode 100644 index 000000000..46c79d745 --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_small_minimal_100_Opset17_timm/tf_mobilenetv3_small_minimal_100_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f8115f941c8d04583305d22276e4b5f9ac3532208f45ed1221ad966062a70c4 +size 8241376 diff --git a/Computer_Vision/tf_mobilenetv3_small_minimal_100_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tf_mobilenetv3_small_minimal_100_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3e428dc6f --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_small_minimal_100_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9502594470977783 + set_success: 0.015786409378051758 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_mobilenetv3_small_minimal_100_timm_2ef4a66a/onnx/tf_mobilenetv3_small_minimal_100_timm_2ef4a66a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_mobilenetv3_small_minimal_100.py +class: MobileNetV3 +hash: c4a4444b +model_name: tf_mobilenetv3_small_minimal_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 8048.251 +onnx_ops_counter: + Add: 26 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 35 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Relu: 24 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 2044736 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tf_mobilenetv3_small_minimal_100_Opset18_timm/tf_mobilenetv3_small_minimal_100_Opset18.onnx b/Computer_Vision/tf_mobilenetv3_small_minimal_100_Opset18_timm/tf_mobilenetv3_small_minimal_100_Opset18.onnx new file mode 100644 index 000000000..580a14e54 --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_small_minimal_100_Opset18_timm/tf_mobilenetv3_small_minimal_100_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9fe70d42a012492ea064f2960506036fddade89a849c55c179656e2ca82f5bb5 +size 8241376 diff --git a/Computer_Vision/tf_mobilenetv3_small_minimal_100_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/tf_mobilenetv3_small_minimal_100_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ebbdaff4b --- /dev/null +++ b/Computer_Vision/tf_mobilenetv3_small_minimal_100_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9517862796783447 + set_success: 0.016023635864257812 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tf_mobilenetv3_small_minimal_100_timm_2ef4a66a/onnx/tf_mobilenetv3_small_minimal_100_timm_2ef4a66a-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tf_mobilenetv3_small_minimal_100.py +class: MobileNetV3 +hash: c4a4444b +model_name: tf_mobilenetv3_small_minimal_100 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 8048.251 +onnx_ops_counter: + Add: 26 + Cast: 46 + Ceil: 10 + Clip: 10 + Concat: 15 + Constant: 165 + ConstantOfShape: 5 + Conv: 35 + Div: 18 + Flatten: 1 + Gather: 13 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 10 + Pad: 5 + Relu: 24 + Reshape: 10 + Shape: 13 + Slice: 5 + Sub: 35 + Transpose: 5 + Unsqueeze: 40 +parameters: 2044736 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tinynet_a_Opset16_timm/tinynet_a_Opset16.onnx b/Computer_Vision/tinynet_a_Opset16_timm/tinynet_a_Opset16.onnx new file mode 100644 index 000000000..01a92e431 --- /dev/null +++ b/Computer_Vision/tinynet_a_Opset16_timm/tinynet_a_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83d25eefec05d2a0830bf539451481fe705c472473239a687eeaeb6ba1bcf853 +size 24717670 diff --git a/Computer_Vision/tinynet_a_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tinynet_a_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..df806c25a --- /dev/null +++ b/Computer_Vision/tinynet_a_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.547560214996338 + set_success: 0.01629161834716797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tinynet_a_timm_bc3f4ab7/onnx/tinynet_a_timm_bc3f4ab7-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tinynet_a.py +class: EfficientNet +hash: 25e38fe4 +model_name: tinynet_a +onnx_input_dimensions: + x: + - 1 + - 3 + - 192 + - 192 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 24138.3818 +onnx_ops_counter: + Add: 12 + Conv: 96 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 77 + ReduceMean: 19 + Sigmoid: 77 +parameters: 6187972 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tinynet_a_Opset17_timm/tinynet_a_Opset17.onnx b/Computer_Vision/tinynet_a_Opset17_timm/tinynet_a_Opset17.onnx new file mode 100644 index 000000000..2f39ec509 --- /dev/null +++ b/Computer_Vision/tinynet_a_Opset17_timm/tinynet_a_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c5c2e1a4250f2d9de90ace1ab42762d001985f185c811e44d80cce55b57d3ac +size 24717670 diff --git a/Computer_Vision/tinynet_a_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tinynet_a_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9e12981e5 --- /dev/null +++ b/Computer_Vision/tinynet_a_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.5451951026916504 + set_success: 0.015454530715942383 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tinynet_a_timm_bc3f4ab7/onnx/tinynet_a_timm_bc3f4ab7-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tinynet_a.py +class: EfficientNet +hash: 25e38fe4 +model_name: tinynet_a +onnx_input_dimensions: + x: + - 1 + - 3 + - 192 + - 192 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 24138.3818 +onnx_ops_counter: + Add: 12 + Conv: 96 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 77 + ReduceMean: 19 + Sigmoid: 77 +parameters: 6187972 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tinynet_b_Opset16_timm/tinynet_b_Opset16.onnx b/Computer_Vision/tinynet_b_Opset16_timm/tinynet_b_Opset16.onnx new file mode 100644 index 000000000..a3aa15612 --- /dev/null +++ b/Computer_Vision/tinynet_b_Opset16_timm/tinynet_b_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bee7da0db51c3679e0bb6c899601091f324ae290b67c461d379cf46eb5961b27 +size 14914276 diff --git a/Computer_Vision/tinynet_b_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tinynet_b_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5d44f53d4 --- /dev/null +++ b/Computer_Vision/tinynet_b_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2423417568206787 + set_success: 0.01827263832092285 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tinynet_b_timm_013adbf2/onnx/tinynet_b_timm_013adbf2-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tinynet_b.py +class: EfficientNet +hash: 901d6a56 +model_name: tinynet_b +onnx_input_dimensions: + x: + - 1 + - 3 + - 188 + - 188 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 14564.7549 +onnx_ops_counter: + Add: 9 + Conv: 81 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 65 + ReduceMean: 16 + Sigmoid: 65 +parameters: 3730562 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tinynet_b_Opset17_timm/tinynet_b_Opset17.onnx b/Computer_Vision/tinynet_b_Opset17_timm/tinynet_b_Opset17.onnx new file mode 100644 index 000000000..0adc9dd9d --- /dev/null +++ b/Computer_Vision/tinynet_b_Opset17_timm/tinynet_b_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f35c8c16d59dc0280c1f567f8489c47f5116ab431050059b821bab5b98429286 +size 14914276 diff --git a/Computer_Vision/tinynet_b_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tinynet_b_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4b9247a97 --- /dev/null +++ b/Computer_Vision/tinynet_b_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1213700771331787 + set_success: 0.014882802963256836 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tinynet_b_timm_013adbf2/onnx/tinynet_b_timm_013adbf2-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tinynet_b.py +class: EfficientNet +hash: 901d6a56 +model_name: tinynet_b +onnx_input_dimensions: + x: + - 1 + - 3 + - 188 + - 188 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 14564.7549 +onnx_ops_counter: + Add: 9 + Conv: 81 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 65 + ReduceMean: 16 + Sigmoid: 65 +parameters: 3730562 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tinynet_c_Opset16_timm/tinynet_c_Opset16.onnx b/Computer_Vision/tinynet_c_Opset16_timm/tinynet_c_Opset16.onnx new file mode 100644 index 000000000..fd25ff8b4 --- /dev/null +++ b/Computer_Vision/tinynet_c_Opset16_timm/tinynet_c_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cadcc9153e6eb87caa2deb6354ccb3582de7a5bece8ce39cdb7ffa6d24b0d836 +size 9840760 diff --git a/Computer_Vision/tinynet_c_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tinynet_c_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3c52c490e --- /dev/null +++ b/Computer_Vision/tinynet_c_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9739236831665039 + set_success: 0.015216588973999023 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tinynet_c_timm_b80f84d7/onnx/tinynet_c_timm_b80f84d7-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tinynet_c.py +class: EfficientNet +hash: 407488ad +model_name: tinynet_c +onnx_input_dimensions: + x: + - 1 + - 3 + - 184 + - 184 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 9610.1494 +onnx_ops_counter: + Add: 8 + Conv: 76 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 61 + ReduceMean: 15 + Sigmoid: 61 +parameters: 2457234 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tinynet_c_Opset17_timm/tinynet_c_Opset17.onnx b/Computer_Vision/tinynet_c_Opset17_timm/tinynet_c_Opset17.onnx new file mode 100644 index 000000000..ade354a21 --- /dev/null +++ b/Computer_Vision/tinynet_c_Opset17_timm/tinynet_c_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af091f906994720cb4879236df1ab920c51a992c30e260c76b65fd13f5fad81c +size 9840760 diff --git a/Computer_Vision/tinynet_c_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tinynet_c_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e6afe2e7c --- /dev/null +++ b/Computer_Vision/tinynet_c_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.9812805652618408 + set_success: 0.01652240753173828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tinynet_c_timm_b80f84d7/onnx/tinynet_c_timm_b80f84d7-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tinynet_c.py +class: EfficientNet +hash: 407488ad +model_name: tinynet_c +onnx_input_dimensions: + x: + - 1 + - 3 + - 184 + - 184 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 9610.1494 +onnx_ops_counter: + Add: 8 + Conv: 76 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 61 + ReduceMean: 15 + Sigmoid: 61 +parameters: 2457234 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tinynet_d_Opset16_timm/tinynet_d_Opset16.onnx b/Computer_Vision/tinynet_d_Opset16_timm/tinynet_d_Opset16.onnx new file mode 100644 index 000000000..4fe341090 --- /dev/null +++ b/Computer_Vision/tinynet_d_Opset16_timm/tinynet_d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e024aacc184e505bc3e57e1749a156d6686babf55e05f7d8afce7e0075b1c084 +size 9358335 diff --git a/Computer_Vision/tinynet_d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tinynet_d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d7dacf02c --- /dev/null +++ b/Computer_Vision/tinynet_d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.6719634532928467 + set_success: 0.01447153091430664 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tinynet_d_timm_58d9603e/onnx/tinynet_d_timm_58d9603e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tinynet_d.py +class: EfficientNet +hash: 0d244829 +model_name: tinynet_d +onnx_input_dimensions: + x: + - 1 + - 3 + - 152 + - 152 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 9139.0312 +onnx_ops_counter: + Add: 4 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 45 + ReduceMean: 11 + Sigmoid: 45 +parameters: 2338446 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tinynet_d_Opset17_timm/tinynet_d_Opset17.onnx b/Computer_Vision/tinynet_d_Opset17_timm/tinynet_d_Opset17.onnx new file mode 100644 index 000000000..59549f567 --- /dev/null +++ b/Computer_Vision/tinynet_d_Opset17_timm/tinynet_d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b03fdabbcb11c9b0dbe0aa933ac7da2716a22986927f76c6af2cd9f00b9cec6f +size 9358335 diff --git a/Computer_Vision/tinynet_d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tinynet_d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..40d7e7f85 --- /dev/null +++ b/Computer_Vision/tinynet_d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.7157411575317383 + set_success: 0.02055215835571289 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tinynet_d_timm_58d9603e/onnx/tinynet_d_timm_58d9603e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tinynet_d.py +class: EfficientNet +hash: 0d244829 +model_name: tinynet_d +onnx_input_dimensions: + x: + - 1 + - 3 + - 152 + - 152 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 9139.0312 +onnx_ops_counter: + Add: 4 + Conv: 56 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 45 + ReduceMean: 11 + Sigmoid: 45 +parameters: 2338446 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tinynet_e_Opset16_timm/tinynet_e_Opset16.onnx b/Computer_Vision/tinynet_e_Opset16_timm/tinynet_e_Opset16.onnx new file mode 100644 index 000000000..763d7ca30 --- /dev/null +++ b/Computer_Vision/tinynet_e_Opset16_timm/tinynet_e_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b598408a28159e6d4ae2ad090d7418f623fe4b96d790f0a59bd091dcfc3b9f4 +size 8179877 diff --git a/Computer_Vision/tinynet_e_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tinynet_e_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..06c7097db --- /dev/null +++ b/Computer_Vision/tinynet_e_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.8669817447662354 + set_success: 0.013483047485351562 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tinynet_e_timm_05d60df5/onnx/tinynet_e_timm_05d60df5-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tinynet_e.py +class: EfficientNet +hash: 8e4c02ab +model_name: tinynet_e +onnx_input_dimensions: + x: + - 1 + - 3 + - 106 + - 106 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 7988.1934 +onnx_ops_counter: + Add: 3 + Conv: 51 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 41 + ReduceMean: 10 + Sigmoid: 41 +parameters: 2042972 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tinynet_e_Opset17_timm/tinynet_e_Opset17.onnx b/Computer_Vision/tinynet_e_Opset17_timm/tinynet_e_Opset17.onnx new file mode 100644 index 000000000..baa5e4ba0 --- /dev/null +++ b/Computer_Vision/tinynet_e_Opset17_timm/tinynet_e_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:445126865e56accb2a01d9713c9a52f1401378aa01fcfaeafadd725842041389 +size 8179877 diff --git a/Computer_Vision/tinynet_e_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tinynet_e_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7bc6d503a --- /dev/null +++ b/Computer_Vision/tinynet_e_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,201 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.5941908359527588 + set_success: 0.014815807342529297 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tinynet_e_timm_05d60df5/onnx/tinynet_e_timm_05d60df5-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tinynet_e.py +class: EfficientNet +hash: 8e4c02ab +model_name: tinynet_e +onnx_input_dimensions: + x: + - 1 + - 3 + - 106 + - 106 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 7988.1934 +onnx_ops_counter: + Add: 3 + Conv: 51 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Mul: 41 + ReduceMean: 10 + Sigmoid: 41 +parameters: 2042972 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tnt_s_patch16_224_Opset16_timm/tnt_s_patch16_224_Opset16.onnx b/Computer_Vision/tnt_s_patch16_224_Opset16_timm/tnt_s_patch16_224_Opset16.onnx new file mode 100644 index 000000000..87d5dc0f9 --- /dev/null +++ b/Computer_Vision/tnt_s_patch16_224_Opset16_timm/tnt_s_patch16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f7fd224702c046ae2b22e2f76a3e4985398e1c048e8fae758bd4c1c5b6849be4 +size 95279576 diff --git a/Computer_Vision/tnt_s_patch16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tnt_s_patch16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7122343b4 --- /dev/null +++ b/Computer_Vision/tnt_s_patch16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.802127122879028 + set_success: 0.02090144157409668 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tnt_s_patch16_224_timm_04baa7f9/onnx/tnt_s_patch16_224_timm_04baa7f9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tnt_s_patch16_224.py +class: TNT +hash: a0c0ebb2 +model_name: tnt_s_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 93046.4932 +onnx_ops_counter: + Add: 301 + Concat: 14 + Constant: 502 + ConstantOfShape: 1 + Conv: 1 + Div: 87 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 7 + Gemm: 1 + MatMul: 181 + Mul: 137 + Pad: 1 + Pow: 63 + Range: 2 + ReduceMean: 126 + Reshape: 88 + Shape: 4 + Slice: 24 + Softmax: 24 + Split: 24 + Sqrt: 63 + Squeeze: 48 + Sub: 65 + Transpose: 99 + Unsqueeze: 4 + Where: 1 +parameters: 23755336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tnt_s_patch16_224_Opset17_timm/tnt_s_patch16_224_Opset17.onnx b/Computer_Vision/tnt_s_patch16_224_Opset17_timm/tnt_s_patch16_224_Opset17.onnx new file mode 100644 index 000000000..e310cf4ca --- /dev/null +++ b/Computer_Vision/tnt_s_patch16_224_Opset17_timm/tnt_s_patch16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7da749490355ec4a750f7fd937722bc849a781bdccf69e89b5fd309dc5d8ae3 +size 95207187 diff --git a/Computer_Vision/tnt_s_patch16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tnt_s_patch16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a0e70d00b --- /dev/null +++ b/Computer_Vision/tnt_s_patch16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.217181205749512 + set_success: 0.020511627197265625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tnt_s_patch16_224_timm_04baa7f9/onnx/tnt_s_patch16_224_timm_04baa7f9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tnt_s_patch16_224.py +class: TNT +hash: a0c0ebb2 +model_name: tnt_s_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 92975.8008 +onnx_ops_counter: + Add: 175 + Concat: 14 + Constant: 376 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 7 + Gemm: 1 + LayerNormalization: 63 + MatMul: 181 + Mul: 74 + Pad: 1 + Range: 2 + Reshape: 88 + Shape: 4 + Slice: 24 + Softmax: 24 + Split: 24 + Squeeze: 48 + Sub: 2 + Transpose: 99 + Unsqueeze: 4 + Where: 1 +parameters: 23755336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tnt_s_patch16_224_Opset18_timm/tnt_s_patch16_224_Opset18.onnx b/Computer_Vision/tnt_s_patch16_224_Opset18_timm/tnt_s_patch16_224_Opset18.onnx new file mode 100644 index 000000000..0bb2c3b80 --- /dev/null +++ b/Computer_Vision/tnt_s_patch16_224_Opset18_timm/tnt_s_patch16_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d420bb21e94d2208a65c7f755d3ee1b5da2a4a766520713a75601746db258ce +size 95207187 diff --git a/Computer_Vision/tnt_s_patch16_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/tnt_s_patch16_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f2baa25a7 --- /dev/null +++ b/Computer_Vision/tnt_s_patch16_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.138309717178345 + set_success: 0.027928590774536133 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tnt_s_patch16_224_timm_04baa7f9/onnx/tnt_s_patch16_224_timm_04baa7f9-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tnt_s_patch16_224.py +class: TNT +hash: a0c0ebb2 +model_name: tnt_s_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 92975.8008 +onnx_ops_counter: + Add: 175 + Concat: 14 + Constant: 376 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 7 + Gemm: 1 + LayerNormalization: 63 + MatMul: 181 + Mul: 74 + Pad: 1 + Range: 2 + Reshape: 88 + Shape: 4 + Slice: 24 + Softmax: 24 + Split: 24 + Squeeze: 48 + Sub: 2 + Transpose: 99 + Unsqueeze: 4 + Where: 1 +parameters: 23755336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tv_resnet101_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tv_resnet101_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8e7123784 --- /dev/null +++ b/Computer_Vision/tv_resnet101_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.5783309936523438 + set_success: 0.01756000518798828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tv_resnet101_timm_05a06cd7/onnx/tv_resnet101_timm_05a06cd7-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tv_resnet101.py +class: ResNet +hash: '57509176' +model_name: tv_resnet101 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 173861.5811 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44549160 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tv_resnet101_Opset16_timm/tv_resnet101_Opset16.onnx b/Computer_Vision/tv_resnet101_Opset16_timm/tv_resnet101_Opset16.onnx new file mode 100644 index 000000000..dee6e5b60 --- /dev/null +++ b/Computer_Vision/tv_resnet101_Opset16_timm/tv_resnet101_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b12da7fcacf1e0452174f1632e22570df4f2ad2ab37bf278887eeb731df0039 +size 178034226 diff --git a/Computer_Vision/tv_resnet101_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tv_resnet101_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6d26b3bf0 --- /dev/null +++ b/Computer_Vision/tv_resnet101_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.4766860008239746 + set_success: 0.019209861755371094 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tv_resnet101_timm_05a06cd7/onnx/tv_resnet101_timm_05a06cd7-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tv_resnet101.py +class: ResNet +hash: '57509176' +model_name: tv_resnet101 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 173861.5811 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44549160 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tv_resnet101_Opset17_timm/tv_resnet101_Opset17.onnx b/Computer_Vision/tv_resnet101_Opset17_timm/tv_resnet101_Opset17.onnx new file mode 100644 index 000000000..757de5209 --- /dev/null +++ b/Computer_Vision/tv_resnet101_Opset17_timm/tv_resnet101_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb82f92c32958f540a7e83b1ce753e0135e9d2d310675c33c0704a44eee32749 +size 178034226 diff --git a/Computer_Vision/tv_resnet101_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/tv_resnet101_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..91ea34192 --- /dev/null +++ b/Computer_Vision/tv_resnet101_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.7472896575927734 + set_success: 0.022408008575439453 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tv_resnet101_timm_05a06cd7/onnx/tv_resnet101_timm_05a06cd7-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tv_resnet101.py +class: ResNet +hash: '57509176' +model_name: tv_resnet101 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 173861.5811 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 44549160 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tv_resnet101_Opset18_timm/tv_resnet101_Opset18.onnx b/Computer_Vision/tv_resnet101_Opset18_timm/tv_resnet101_Opset18.onnx new file mode 100644 index 000000000..af5b23138 --- /dev/null +++ b/Computer_Vision/tv_resnet101_Opset18_timm/tv_resnet101_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b2e4c210544057acf2a1996870be1adead6d0ac14a2986ba2adbce9d6675a32 +size 178034226 diff --git a/Computer_Vision/tv_resnet152_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tv_resnet152_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e0158a9af --- /dev/null +++ b/Computer_Vision/tv_resnet152_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.6408610343933105 + set_success: 0.018900394439697266 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tv_resnet152_timm_a3a3c88a/onnx/tv_resnet152_timm_a3a3c88a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tv_resnet152.py +class: ResNet +hash: d48a3c83 +model_name: tv_resnet152 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 234902.833 +onnx_ops_counter: + Add: 50 + Conv: 155 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 151 +parameters: 60192808 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tv_resnet152_Opset16_timm/tv_resnet152_Opset16.onnx b/Computer_Vision/tv_resnet152_Opset16_timm/tv_resnet152_Opset16.onnx new file mode 100644 index 000000000..a69bf341d --- /dev/null +++ b/Computer_Vision/tv_resnet152_Opset16_timm/tv_resnet152_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0411c9b683f4d548f77fbcdb712fd856994668bf8a544e880f37b44a74a9eb8 +size 240540468 diff --git a/Computer_Vision/tv_resnet152_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tv_resnet152_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..335f7818f --- /dev/null +++ b/Computer_Vision/tv_resnet152_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.726234674453735 + set_success: 0.023412227630615234 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tv_resnet152_timm_a3a3c88a/onnx/tv_resnet152_timm_a3a3c88a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tv_resnet152.py +class: ResNet +hash: d48a3c83 +model_name: tv_resnet152 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 234902.833 +onnx_ops_counter: + Add: 50 + Conv: 155 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 151 +parameters: 60192808 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tv_resnet152_Opset17_timm/tv_resnet152_Opset17.onnx b/Computer_Vision/tv_resnet152_Opset17_timm/tv_resnet152_Opset17.onnx new file mode 100644 index 000000000..cc7ff8fe8 --- /dev/null +++ b/Computer_Vision/tv_resnet152_Opset17_timm/tv_resnet152_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08160044577b9159f87a88f34bcece1531520f493e2690d7a5038bcd7bfae50a +size 240540468 diff --git a/Computer_Vision/tv_resnet152_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/tv_resnet152_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7327c833d --- /dev/null +++ b/Computer_Vision/tv_resnet152_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.678374528884888 + set_success: 0.01898336410522461 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tv_resnet152_timm_a3a3c88a/onnx/tv_resnet152_timm_a3a3c88a-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tv_resnet152.py +class: ResNet +hash: d48a3c83 +model_name: tv_resnet152 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 234902.833 +onnx_ops_counter: + Add: 50 + Conv: 155 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 151 +parameters: 60192808 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tv_resnet152_Opset18_timm/tv_resnet152_Opset18.onnx b/Computer_Vision/tv_resnet152_Opset18_timm/tv_resnet152_Opset18.onnx new file mode 100644 index 000000000..d183ad074 --- /dev/null +++ b/Computer_Vision/tv_resnet152_Opset18_timm/tv_resnet152_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85f017630586da5444933c1bc4915dd1a0ced8f2ec8cf73af668213bc5a5ae3f +size 240540468 diff --git a/Computer_Vision/tv_resnet34_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tv_resnet34_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c8ee40021 --- /dev/null +++ b/Computer_Vision/tv_resnet34_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2874362468719482 + set_success: 0.015014886856079102 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tv_resnet34_timm_42700a95/onnx/tv_resnet34_timm_42700a95-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tv_resnet34.py +class: ResNet +hash: 3765d65b +model_name: tv_resnet34 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 85130.8818 +onnx_ops_counter: + Add: 16 + Conv: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 33 +parameters: 21797672 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tv_resnet34_Opset16_timm/tv_resnet34_Opset16.onnx b/Computer_Vision/tv_resnet34_Opset16_timm/tv_resnet34_Opset16.onnx new file mode 100644 index 000000000..600c24c16 --- /dev/null +++ b/Computer_Vision/tv_resnet34_Opset16_timm/tv_resnet34_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c0b031ae47a8fd58655458137b6b6e4d52c73f39f7384012c55baa00751a21c +size 87173990 diff --git a/Computer_Vision/tv_resnet34_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tv_resnet34_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..156233275 --- /dev/null +++ b/Computer_Vision/tv_resnet34_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3086779117584229 + set_success: 0.016843557357788086 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tv_resnet34_timm_42700a95/onnx/tv_resnet34_timm_42700a95-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tv_resnet34.py +class: ResNet +hash: 3765d65b +model_name: tv_resnet34 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 85130.8818 +onnx_ops_counter: + Add: 16 + Conv: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 33 +parameters: 21797672 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tv_resnet34_Opset17_timm/tv_resnet34_Opset17.onnx b/Computer_Vision/tv_resnet34_Opset17_timm/tv_resnet34_Opset17.onnx new file mode 100644 index 000000000..dd108faa6 --- /dev/null +++ b/Computer_Vision/tv_resnet34_Opset17_timm/tv_resnet34_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a187bb31e4fa93c3b0e0c12e3721dcd0c27f416efe4436862e6acb162062a0e +size 87173990 diff --git a/Computer_Vision/tv_resnet34_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/tv_resnet34_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2985c8e64 --- /dev/null +++ b/Computer_Vision/tv_resnet34_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2764320373535156 + set_success: 0.014960289001464844 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tv_resnet34_timm_42700a95/onnx/tv_resnet34_timm_42700a95-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tv_resnet34.py +class: ResNet +hash: 3765d65b +model_name: tv_resnet34 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 85130.8818 +onnx_ops_counter: + Add: 16 + Conv: 36 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 33 +parameters: 21797672 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tv_resnet34_Opset18_timm/tv_resnet34_Opset18.onnx b/Computer_Vision/tv_resnet34_Opset18_timm/tv_resnet34_Opset18.onnx new file mode 100644 index 000000000..dcccf4a4c --- /dev/null +++ b/Computer_Vision/tv_resnet34_Opset18_timm/tv_resnet34_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9b550570c471bb2c74feb56857206e7bbb703f7b3ef10815705ceac150fbf4d6 +size 87173990 diff --git a/Computer_Vision/tv_resnet50_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tv_resnet50_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..78ae26b6c --- /dev/null +++ b/Computer_Vision/tv_resnet50_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7296583652496338 + set_success: 0.01619696617126465 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tv_resnet50_timm_694a8fff/onnx/tv_resnet50_timm_694a8fff-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tv_resnet50.py +class: ResNet +hash: 25cce11f +model_name: tv_resnet50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 99752.1865 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tv_resnet50_Opset16_timm/tv_resnet50_Opset16.onnx b/Computer_Vision/tv_resnet50_Opset16_timm/tv_resnet50_Opset16.onnx new file mode 100644 index 000000000..8e9709a8c --- /dev/null +++ b/Computer_Vision/tv_resnet50_Opset16_timm/tv_resnet50_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aaae8e9b37991e9131aa1809ac51f36b9c34c2b725830150cfecbd966c2db435 +size 102146206 diff --git a/Computer_Vision/tv_resnet50_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tv_resnet50_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d191c3dbd --- /dev/null +++ b/Computer_Vision/tv_resnet50_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7232646942138672 + set_success: 0.015750885009765625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tv_resnet50_timm_694a8fff/onnx/tv_resnet50_timm_694a8fff-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tv_resnet50.py +class: ResNet +hash: 25cce11f +model_name: tv_resnet50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 99752.1865 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tv_resnet50_Opset17_timm/tv_resnet50_Opset17.onnx b/Computer_Vision/tv_resnet50_Opset17_timm/tv_resnet50_Opset17.onnx new file mode 100644 index 000000000..48ea422f1 --- /dev/null +++ b/Computer_Vision/tv_resnet50_Opset17_timm/tv_resnet50_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:461c54c73c6d1c474f43251ec3f0f53637c7b15d13ee6d0c51a6243d43511eed +size 102146206 diff --git a/Computer_Vision/tv_resnet50_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/tv_resnet50_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5c6a2592e --- /dev/null +++ b/Computer_Vision/tv_resnet50_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.763758659362793 + set_success: 0.0193173885345459 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tv_resnet50_timm_694a8fff/onnx/tv_resnet50_timm_694a8fff-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tv_resnet50.py +class: ResNet +hash: 25cce11f +model_name: tv_resnet50 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 99752.1865 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25557032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tv_resnet50_Opset18_timm/tv_resnet50_Opset18.onnx b/Computer_Vision/tv_resnet50_Opset18_timm/tv_resnet50_Opset18.onnx new file mode 100644 index 000000000..130045849 --- /dev/null +++ b/Computer_Vision/tv_resnet50_Opset18_timm/tv_resnet50_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7739b3be8ec0831864dd280bb1c236a10975182b6d07d0e7ef3ceb0ee3c075d8 +size 102146206 diff --git a/Computer_Vision/tv_resnext50_32x4d_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/tv_resnext50_32x4d_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..61ecd12a7 --- /dev/null +++ b/Computer_Vision/tv_resnext50_32x4d_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7320880889892578 + set_success: 0.017495155334472656 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tv_resnext50_32x4d_timm_41f9ac03/onnx/tv_resnext50_32x4d_timm_41f9ac03-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tv_resnext50_32x4d.py +class: ResNet +hash: baf7f18f +model_name: tv_resnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 97659.6924 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25028904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tv_resnext50_32x4d_Opset16_timm/tv_resnext50_32x4d_Opset16.onnx b/Computer_Vision/tv_resnext50_32x4d_Opset16_timm/tv_resnext50_32x4d_Opset16.onnx new file mode 100644 index 000000000..927ca170e --- /dev/null +++ b/Computer_Vision/tv_resnext50_32x4d_Opset16_timm/tv_resnext50_32x4d_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9bde077dc0e1106271532f4bfe294be11ee869a61375bf0cd2153e483dba2bd2 +size 100003492 diff --git a/Computer_Vision/tv_resnext50_32x4d_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/tv_resnext50_32x4d_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cf9397dbe --- /dev/null +++ b/Computer_Vision/tv_resnext50_32x4d_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.1437857151031494 + set_success: 0.017477989196777344 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tv_resnext50_32x4d_timm_41f9ac03/onnx/tv_resnext50_32x4d_timm_41f9ac03-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tv_resnext50_32x4d.py +class: ResNet +hash: baf7f18f +model_name: tv_resnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 97659.6924 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25028904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tv_resnext50_32x4d_Opset17_timm/tv_resnext50_32x4d_Opset17.onnx b/Computer_Vision/tv_resnext50_32x4d_Opset17_timm/tv_resnext50_32x4d_Opset17.onnx new file mode 100644 index 000000000..7c64a5b61 --- /dev/null +++ b/Computer_Vision/tv_resnext50_32x4d_Opset17_timm/tv_resnext50_32x4d_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:90e5d60297796e45d09d912cdb2010b7f84287244c92c21f412ab23c1e1b2b9f +size 100003492 diff --git a/Computer_Vision/tv_resnext50_32x4d_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/tv_resnext50_32x4d_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3b16158c9 --- /dev/null +++ b/Computer_Vision/tv_resnext50_32x4d_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9877705574035645 + set_success: 0.017419815063476562 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tv_resnext50_32x4d_timm_41f9ac03/onnx/tv_resnext50_32x4d_timm_41f9ac03-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/tv_resnext50_32x4d.py +class: ResNet +hash: baf7f18f +model_name: tv_resnext50_32x4d +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 97659.6924 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 25028904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/tv_resnext50_32x4d_Opset18_timm/tv_resnext50_32x4d_Opset18.onnx b/Computer_Vision/tv_resnext50_32x4d_Opset18_timm/tv_resnext50_32x4d_Opset18.onnx new file mode 100644 index 000000000..e8fe49a05 --- /dev/null +++ b/Computer_Vision/tv_resnext50_32x4d_Opset18_timm/tv_resnext50_32x4d_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:655ecac7f343bcf19fdc844bc9f2a9ee559b108f041a14d499d7086de2d68e86 +size 100003492 diff --git a/Computer_Vision/twins_pcpvt_base_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/twins_pcpvt_base_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2288c8610 --- /dev/null +++ b/Computer_Vision/twins_pcpvt_base_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.265493631362915 + set_success: 0.019068479537963867 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/twins_pcpvt_base_timm_dc51c07b/onnx/twins_pcpvt_base_timm_dc51c07b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/twins_pcpvt_base.py +class: Twins +hash: 526f4431 +model_name: twins_pcpvt_base +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 171563.7275 +onnx_ops_counter: + Add: 400 + Cast: 28 + Concat: 8 + Constant: 597 + Conv: 33 + Div: 142 + Erf: 28 + Gemm: 1 + MatMul: 196 + Mul: 198 + Pow: 86 + ReduceMean: 173 + Reshape: 149 + Shape: 36 + Slice: 36 + Softmax: 28 + Split: 28 + Sqrt: 170 + Squeeze: 56 + Sub: 86 + Transpose: 177 +parameters: 43828456 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/twins_pcpvt_base_Opset16_timm/twins_pcpvt_base_Opset16.onnx b/Computer_Vision/twins_pcpvt_base_Opset16_timm/twins_pcpvt_base_Opset16.onnx new file mode 100644 index 000000000..67f624073 --- /dev/null +++ b/Computer_Vision/twins_pcpvt_base_Opset16_timm/twins_pcpvt_base_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bc47c272a3d6f544902d17741b197aae531fb8cc14f034f39ad4491352cbafbe +size 175681224 diff --git a/Computer_Vision/twins_pcpvt_base_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/twins_pcpvt_base_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cb9d980d6 --- /dev/null +++ b/Computer_Vision/twins_pcpvt_base_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.343762397766113 + set_success: 0.024761676788330078 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/twins_pcpvt_base_timm_dc51c07b/onnx/twins_pcpvt_base_timm_dc51c07b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/twins_pcpvt_base.py +class: Twins +hash: 526f4431 +model_name: twins_pcpvt_base +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 171466.9004 +onnx_ops_counter: + Add: 228 + Cast: 28 + Concat: 8 + Constant: 425 + Conv: 33 + Div: 56 + Erf: 28 + Gemm: 1 + LayerNormalization: 86 + MatMul: 196 + Mul: 112 + ReduceMean: 1 + Reshape: 149 + Shape: 36 + Slice: 36 + Softmax: 28 + Split: 28 + Sqrt: 84 + Squeeze: 56 + Transpose: 177 +parameters: 43828456 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/twins_pcpvt_base_Opset17_timm/twins_pcpvt_base_Opset17.onnx b/Computer_Vision/twins_pcpvt_base_Opset17_timm/twins_pcpvt_base_Opset17.onnx new file mode 100644 index 000000000..e691a83f1 --- /dev/null +++ b/Computer_Vision/twins_pcpvt_base_Opset17_timm/twins_pcpvt_base_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c422a6ef6fc20fbdcc1af2b85834d3aa09171cd9c19f2a3309f0741f64b96dd +size 175582073 diff --git a/Computer_Vision/twins_pcpvt_large_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/twins_pcpvt_large_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c8bcf3d49 --- /dev/null +++ b/Computer_Vision/twins_pcpvt_large_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.14352035522461 + set_success: 0.02472233772277832 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/twins_pcpvt_large_timm_399a73b0/onnx/twins_pcpvt_large_timm_399a73b0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/twins_pcpvt_large.py +class: Twins +hash: 693fa02a +model_name: twins_pcpvt_large +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 238761.7314 +onnx_ops_counter: + Add: 582 + Cast: 41 + Concat: 8 + Constant: 857 + Conv: 46 + Div: 207 + Erf: 41 + Gemm: 1 + MatMul: 287 + Mul: 289 + Pow: 125 + ReduceMean: 251 + Reshape: 214 + Shape: 49 + Slice: 49 + Softmax: 41 + Split: 41 + Sqrt: 248 + Squeeze: 82 + Sub: 125 + Transpose: 255 +parameters: 60989672 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/twins_pcpvt_large_Opset16_timm/twins_pcpvt_large_Opset16.onnx b/Computer_Vision/twins_pcpvt_large_Opset16_timm/twins_pcpvt_large_Opset16.onnx new file mode 100644 index 000000000..113cef057 --- /dev/null +++ b/Computer_Vision/twins_pcpvt_large_Opset16_timm/twins_pcpvt_large_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c32d2b4cc67058c07a4f91065ea534cd5f2809958ba69e57fc9f7f852beb9504 +size 244491980 diff --git a/Computer_Vision/twins_pcpvt_large_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/twins_pcpvt_large_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..66ac27c24 --- /dev/null +++ b/Computer_Vision/twins_pcpvt_large_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.433565616607666 + set_success: 0.021288156509399414 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/twins_pcpvt_large_timm_399a73b0/onnx/twins_pcpvt_large_timm_399a73b0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/twins_pcpvt_large.py +class: Twins +hash: 693fa02a +model_name: twins_pcpvt_large +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 238620.2686 +onnx_ops_counter: + Add: 332 + Cast: 41 + Concat: 8 + Constant: 607 + Conv: 46 + Div: 82 + Erf: 41 + Gemm: 1 + LayerNormalization: 125 + MatMul: 287 + Mul: 164 + ReduceMean: 1 + Reshape: 214 + Shape: 49 + Slice: 49 + Softmax: 41 + Split: 41 + Sqrt: 123 + Squeeze: 82 + Transpose: 255 +parameters: 60989672 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/twins_pcpvt_large_Opset17_timm/twins_pcpvt_large_Opset17.onnx b/Computer_Vision/twins_pcpvt_large_Opset17_timm/twins_pcpvt_large_Opset17.onnx new file mode 100644 index 000000000..96e9893c0 --- /dev/null +++ b/Computer_Vision/twins_pcpvt_large_Opset17_timm/twins_pcpvt_large_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba5b261d07468fda199db3d3786b761e4a5e30f2a0cca836762e2b581308b6ec +size 244347122 diff --git a/Computer_Vision/twins_pcpvt_small_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/twins_pcpvt_small_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..be4b64f84 --- /dev/null +++ b/Computer_Vision/twins_pcpvt_small_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.198589086532593 + set_success: 0.017058134078979492 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/twins_pcpvt_small_timm_c21a18e0/onnx/twins_pcpvt_small_timm_c21a18e0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/twins_pcpvt_small.py +class: Twins +hash: 5ab1b96c +model_name: twins_pcpvt_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 94374.2842 +onnx_ops_counter: + Add: 232 + Cast: 16 + Concat: 8 + Constant: 357 + Conv: 21 + Div: 82 + Erf: 16 + Gemm: 1 + MatMul: 112 + Mul: 114 + Pow: 50 + ReduceMean: 101 + Reshape: 89 + Shape: 24 + Slice: 24 + Softmax: 16 + Split: 16 + Sqrt: 98 + Squeeze: 32 + Sub: 50 + Transpose: 105 +parameters: 24106216 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/twins_pcpvt_small_Opset16_timm/twins_pcpvt_small_Opset16.onnx b/Computer_Vision/twins_pcpvt_small_Opset16_timm/twins_pcpvt_small_Opset16.onnx new file mode 100644 index 000000000..b6193cc2a --- /dev/null +++ b/Computer_Vision/twins_pcpvt_small_Opset16_timm/twins_pcpvt_small_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5bef6eaf42de520673ae579b8dbd3395fa6092022f09a005c4964f635a297efe +size 96639234 diff --git a/Computer_Vision/twins_pcpvt_small_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/twins_pcpvt_small_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c33d679a5 --- /dev/null +++ b/Computer_Vision/twins_pcpvt_small_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.774489641189575 + set_success: 0.01683187484741211 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/twins_pcpvt_small_timm_c21a18e0/onnx/twins_pcpvt_small_timm_c21a18e0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/twins_pcpvt_small.py +class: Twins +hash: 5ab1b96c +model_name: twins_pcpvt_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 94318.6279 +onnx_ops_counter: + Add: 132 + Cast: 16 + Concat: 8 + Constant: 257 + Conv: 21 + Div: 32 + Erf: 16 + Gemm: 1 + LayerNormalization: 50 + MatMul: 112 + Mul: 64 + ReduceMean: 1 + Reshape: 89 + Shape: 24 + Slice: 24 + Softmax: 16 + Split: 16 + Sqrt: 48 + Squeeze: 32 + Transpose: 105 +parameters: 24106216 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/twins_pcpvt_small_Opset17_timm/twins_pcpvt_small_Opset17.onnx b/Computer_Vision/twins_pcpvt_small_Opset17_timm/twins_pcpvt_small_Opset17.onnx new file mode 100644 index 000000000..8a086b819 --- /dev/null +++ b/Computer_Vision/twins_pcpvt_small_Opset17_timm/twins_pcpvt_small_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c15c0f19ec1a20f41c8e317169fae213f66ea12f945e4c31d8c3e3a59968fd1 +size 96582242 diff --git a/Computer_Vision/twins_svt_base_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/twins_svt_base_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1c6a1b2a6 --- /dev/null +++ b/Computer_Vision/twins_svt_base_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.635061264038086 + set_success: 0.02039933204650879 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/twins_svt_base_timm_6e99af93/onnx/twins_svt_base_timm_6e99af93-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/twins_svt_base.py +class: Twins +hash: 5c3c0485 +model_name: twins_svt_base +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 219460.5068 +onnx_ops_counter: + Add: 312 + Cast: 96 + Concat: 92 + Constant: 1085 + ConstantOfShape: 12 + Conv: 19 + Div: 136 + Erf: 24 + Gather: 36 + Gemm: 1 + MatMul: 156 + Mod: 16 + Mul: 196 + Pad: 12 + Pow: 64 + ReduceMean: 129 + Reshape: 169 + Shape: 68 + Slice: 44 + Softmax: 24 + Split: 24 + Sqrt: 136 + Squeeze: 60 + Sub: 84 + Transpose: 157 + Unsqueeze: 132 +parameters: 56070952 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/twins_svt_base_Opset16_timm/twins_svt_base_Opset16.onnx b/Computer_Vision/twins_svt_base_Opset16_timm/twins_svt_base_Opset16.onnx new file mode 100644 index 000000000..9fde1cc06 --- /dev/null +++ b/Computer_Vision/twins_svt_base_Opset16_timm/twins_svt_base_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:025e04588b9d1e6d04aa6d70beedab813cf408ea3420ab0cad5010ba79bf9451 +size 224727526 diff --git a/Computer_Vision/twins_svt_base_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/twins_svt_base_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3a508dbf5 --- /dev/null +++ b/Computer_Vision/twins_svt_base_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.636085987091064 + set_success: 0.02014613151550293 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/twins_svt_base_timm_6e99af93/onnx/twins_svt_base_timm_6e99af93-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/twins_svt_base.py +class: Twins +hash: 5c3c0485 +model_name: twins_svt_base +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 219389.2598 +onnx_ops_counter: + Add: 184 + Cast: 96 + Concat: 92 + Constant: 957 + ConstantOfShape: 12 + Conv: 19 + Div: 72 + Erf: 24 + Gather: 36 + Gemm: 1 + LayerNormalization: 64 + MatMul: 156 + Mod: 16 + Mul: 132 + Pad: 12 + ReduceMean: 1 + Reshape: 169 + Shape: 68 + Slice: 44 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 60 + Sub: 20 + Transpose: 157 + Unsqueeze: 132 +parameters: 56070952 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/twins_svt_base_Opset17_timm/twins_svt_base_Opset17.onnx b/Computer_Vision/twins_svt_base_Opset17_timm/twins_svt_base_Opset17.onnx new file mode 100644 index 000000000..496b2dc18 --- /dev/null +++ b/Computer_Vision/twins_svt_base_Opset17_timm/twins_svt_base_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71c07d8cb4650ddc79fcce8913ddfd9fa5fd7c188602ae21e5128b7864f3eb69 +size 224654569 diff --git a/Computer_Vision/twins_svt_large_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/twins_svt_large_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..01ba3a0b2 --- /dev/null +++ b/Computer_Vision/twins_svt_large_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.091601848602295 + set_success: 0.019910097122192383 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/twins_svt_large_timm_de475bcc/onnx/twins_svt_large_timm_de475bcc-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/twins_svt_large.py +class: Twins +hash: 5c66a859 +model_name: twins_svt_large +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 388212.3379 +onnx_ops_counter: + Add: 312 + Cast: 96 + Concat: 92 + Constant: 1085 + ConstantOfShape: 12 + Conv: 19 + Div: 136 + Erf: 24 + Gather: 36 + Gemm: 1 + MatMul: 156 + Mod: 16 + Mul: 196 + Pad: 12 + Pow: 64 + ReduceMean: 129 + Reshape: 169 + Shape: 68 + Slice: 44 + Softmax: 24 + Split: 24 + Sqrt: 136 + Squeeze: 60 + Sub: 84 + Transpose: 157 + Unsqueeze: 132 +parameters: 99271400 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/twins_svt_large_Opset16_timm/twins_svt_large_Opset16.onnx b/Computer_Vision/twins_svt_large_Opset16_timm/twins_svt_large_Opset16.onnx new file mode 100644 index 000000000..68b834814 --- /dev/null +++ b/Computer_Vision/twins_svt_large_Opset16_timm/twins_svt_large_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4424c1bf2f438e3471fd4e699bae668a9e3e913937ee75766607152b743d7c1 +size 397529401 diff --git a/Computer_Vision/twins_svt_large_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/twins_svt_large_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f42bd9b4a --- /dev/null +++ b/Computer_Vision/twins_svt_large_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.213698863983154 + set_success: 0.021609783172607422 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/twins_svt_large_timm_de475bcc/onnx/twins_svt_large_timm_de475bcc-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/twins_svt_large.py +class: Twins +hash: 5c66a859 +model_name: twins_svt_large +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 388141.0908 +onnx_ops_counter: + Add: 184 + Cast: 96 + Concat: 92 + Constant: 957 + ConstantOfShape: 12 + Conv: 19 + Div: 72 + Erf: 24 + Gather: 36 + Gemm: 1 + LayerNormalization: 64 + MatMul: 156 + Mod: 16 + Mul: 132 + Pad: 12 + ReduceMean: 1 + Reshape: 169 + Shape: 68 + Slice: 44 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 60 + Sub: 20 + Transpose: 157 + Unsqueeze: 132 +parameters: 99271400 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/twins_svt_large_Opset17_timm/twins_svt_large_Opset17.onnx b/Computer_Vision/twins_svt_large_Opset17_timm/twins_svt_large_Opset17.onnx new file mode 100644 index 000000000..123ea059e --- /dev/null +++ b/Computer_Vision/twins_svt_large_Opset17_timm/twins_svt_large_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b5758455753bb01b993462c0efb7a5f02c8c1b8d8c603779602ff97b22ba399 +size 397456444 diff --git a/Computer_Vision/twins_svt_small_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/twins_svt_small_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1c5b12093 --- /dev/null +++ b/Computer_Vision/twins_svt_small_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.519848108291626 + set_success: 0.017762422561645508 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/twins_svt_small_timm_6f07722a/onnx/twins_svt_small_timm_6f07722a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/twins_svt_small.py +class: Twins +hash: a1658de1 +model_name: twins_svt_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 94313.6553 +onnx_ops_counter: + Add: 235 + Cast: 72 + Concat: 71 + Constant: 829 + ConstantOfShape: 9 + Conv: 15 + Div: 102 + Erf: 18 + Gather: 27 + Gemm: 1 + MatMul: 117 + Mod: 16 + Mul: 147 + Pad: 9 + Pow: 48 + ReduceMean: 97 + Reshape: 128 + Shape: 53 + Slice: 35 + Softmax: 18 + Split: 18 + Sqrt: 102 + Squeeze: 45 + Sub: 65 + Transpose: 119 + Unsqueeze: 99 +parameters: 24060776 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/twins_svt_small_Opset16_timm/twins_svt_small_Opset16.onnx b/Computer_Vision/twins_svt_small_Opset16_timm/twins_svt_small_Opset16.onnx new file mode 100644 index 000000000..1cd695b48 --- /dev/null +++ b/Computer_Vision/twins_svt_small_Opset16_timm/twins_svt_small_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:daa78af43b1971b0fada191c31aa20b06a1f7df2dc00be1d360a2c0076e5079b +size 96577150 diff --git a/Computer_Vision/twins_svt_small_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/twins_svt_small_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0c76c982b --- /dev/null +++ b/Computer_Vision/twins_svt_small_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.003889560699463 + set_success: 0.020170211791992188 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/twins_svt_small_timm_6f07722a/onnx/twins_svt_small_timm_6f07722a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/twins_svt_small.py +class: Twins +hash: a1658de1 +model_name: twins_svt_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 94260.877 +onnx_ops_counter: + Add: 139 + Cast: 72 + Concat: 71 + Constant: 733 + ConstantOfShape: 9 + Conv: 15 + Div: 54 + Erf: 18 + Gather: 27 + Gemm: 1 + LayerNormalization: 48 + MatMul: 117 + Mod: 16 + Mul: 99 + Pad: 9 + ReduceMean: 1 + Reshape: 128 + Shape: 53 + Slice: 35 + Softmax: 18 + Split: 18 + Sqrt: 54 + Squeeze: 45 + Sub: 17 + Transpose: 119 + Unsqueeze: 99 +parameters: 24060776 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/twins_svt_small_Opset17_timm/twins_svt_small_Opset17.onnx b/Computer_Vision/twins_svt_small_Opset17_timm/twins_svt_small_Opset17.onnx new file mode 100644 index 000000000..0b6a7a6b2 --- /dev/null +++ b/Computer_Vision/twins_svt_small_Opset17_timm/twins_svt_small_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42d50cba300933ec07f982ef885f7a45a83aca6f529788c0be4f441af50b889b +size 96523105 diff --git a/Computer_Vision/vgg11_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vgg11_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..db05c9285 --- /dev/null +++ b/Computer_Vision/vgg11_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.974519491195679 + set_success: 0.01686382293701172 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg11_timm_bb52694c/onnx/vgg11_timm_bb52694c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vgg11.py +class: VGG +hash: 694ef7de +model_name: vgg11 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 519003.0312 +onnx_ops_counter: + Conv: 10 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 5 + Relu: 10 +parameters: 132863336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg11_Opset16_timm/vgg11_Opset16.onnx b/Computer_Vision/vgg11_Opset16_timm/vgg11_Opset16.onnx new file mode 100644 index 000000000..3a3775a5e --- /dev/null +++ b/Computer_Vision/vgg11_Opset16_timm/vgg11_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aae7a7af58204a58e0901c98cb02277e191bbb7b953847eef820f57717e88631 +size 531459071 diff --git a/Computer_Vision/vgg11_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/vgg11_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..6428cb784 --- /dev/null +++ b/Computer_Vision/vgg11_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.248600721359253 + set_success: 0.015845298767089844 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg11_torch_hub_67d055a4/onnx/vgg11_torch_hub_67d055a4-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vgg11.py +class: VGG +hash: b38617af +model_name: vgg11 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 519002.9551 +onnx_ops_counter: + AveragePool: 1 + Conv: 8 + Flatten: 1 + Gemm: 3 + MaxPool: 5 + Relu: 10 +parameters: 132863336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg11_Opset16_torch_hub/vgg11_Opset16.onnx b/Computer_Vision/vgg11_Opset16_torch_hub/vgg11_Opset16.onnx new file mode 100644 index 000000000..5eaa221d0 --- /dev/null +++ b/Computer_Vision/vgg11_Opset16_torch_hub/vgg11_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c5242320a2f246a8e010260d6a0f123ca580708d8ef67b9b852dc20e91198b8 +size 531458993 diff --git a/Computer_Vision/vgg11_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vgg11_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..de137261d --- /dev/null +++ b/Computer_Vision/vgg11_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.956558465957642 + set_success: 0.015057086944580078 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg11_timm_bb52694c/onnx/vgg11_timm_bb52694c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vgg11.py +class: VGG +hash: 694ef7de +model_name: vgg11 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 519003.0312 +onnx_ops_counter: + Conv: 10 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 5 + Relu: 10 +parameters: 132863336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg11_Opset17_timm/vgg11_Opset17.onnx b/Computer_Vision/vgg11_Opset17_timm/vgg11_Opset17.onnx new file mode 100644 index 000000000..7a3e35a24 --- /dev/null +++ b/Computer_Vision/vgg11_Opset17_timm/vgg11_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:441fd5225cc3ca131623b923d1b428d025e40a2da3cbb42eadde57d6b50f7ba9 +size 531459071 diff --git a/Computer_Vision/vgg11_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/vgg11_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..0050eecd8 --- /dev/null +++ b/Computer_Vision/vgg11_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.25122857093811 + set_success: 0.7937421798706055 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg11_torch_hub_67d055a4/onnx/vgg11_torch_hub_67d055a4-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vgg11.py +class: VGG +hash: b38617af +model_name: vgg11 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 519002.9551 +onnx_ops_counter: + AveragePool: 1 + Conv: 8 + Flatten: 1 + Gemm: 3 + MaxPool: 5 + Relu: 10 +parameters: 132863336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg11_Opset17_torch_hub/vgg11_Opset17.onnx b/Computer_Vision/vgg11_Opset17_torch_hub/vgg11_Opset17.onnx new file mode 100644 index 000000000..9771236d5 --- /dev/null +++ b/Computer_Vision/vgg11_Opset17_torch_hub/vgg11_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:43f72edb0715254fdafb0f15e2662a7a4a2db1cbd4c883a367eda7e927a4e633 +size 531458993 diff --git a/Computer_Vision/vgg11_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vgg11_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..25e0af7fa --- /dev/null +++ b/Computer_Vision/vgg11_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.987818241119385 + set_success: 0.016380786895751953 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg11_timm_bb52694c/onnx/vgg11_timm_bb52694c-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vgg11.py +class: VGG +hash: 694ef7de +model_name: vgg11 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 519003.0312 +onnx_ops_counter: + Conv: 10 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 5 + Relu: 10 +parameters: 132863336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg11_Opset18_timm/vgg11_Opset18.onnx b/Computer_Vision/vgg11_Opset18_timm/vgg11_Opset18.onnx new file mode 100644 index 000000000..d45469083 --- /dev/null +++ b/Computer_Vision/vgg11_Opset18_timm/vgg11_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b4957188650ac0ec26c530b096ff122e845f12c81916e988d0f24d0ac500f0a8 +size 531459071 diff --git a/Computer_Vision/vgg11_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/vgg11_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..d52427c3c --- /dev/null +++ b/Computer_Vision/vgg11_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.819350719451904 + set_success: 0.01596236228942871 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg11_torch_hub_67d055a4/onnx/vgg11_torch_hub_67d055a4-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vgg11.py +class: VGG +hash: b38617af +model_name: vgg11 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 519002.9551 +onnx_ops_counter: + AveragePool: 1 + Conv: 8 + Flatten: 1 + Gemm: 3 + MaxPool: 5 + Relu: 10 +parameters: 132863336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg11_Opset18_torch_hub/vgg11_Opset18.onnx b/Computer_Vision/vgg11_Opset18_torch_hub/vgg11_Opset18.onnx new file mode 100644 index 000000000..5659aa81f --- /dev/null +++ b/Computer_Vision/vgg11_Opset18_torch_hub/vgg11_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:57856b6a285da76e0d32ddc159e6f39dc4e14d0be4617df94e13a0cd208b2086 +size 531458993 diff --git a/Computer_Vision/vgg11_bn_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vgg11_bn_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..55ed6fc32 --- /dev/null +++ b/Computer_Vision/vgg11_bn_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.198119640350342 + set_success: 0.014258623123168945 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg11_bn_timm_1dcc3aaa/onnx/vgg11_bn_timm_1dcc3aaa-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vgg11_bn.py +class: VGG +hash: a0281177 +model_name: vgg11_bn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 519002.9619 +onnx_ops_counter: + Conv: 10 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 5 + Relu: 10 +parameters: 132868840 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg11_bn_Opset16_timm/vgg11_bn_Opset16.onnx b/Computer_Vision/vgg11_bn_Opset16_timm/vgg11_bn_Opset16.onnx new file mode 100644 index 000000000..720ba27fd --- /dev/null +++ b/Computer_Vision/vgg11_bn_Opset16_timm/vgg11_bn_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:567b7f6d88c07fac2337d1b378232973daea54aeef4874547f251defb212c59f +size 531459000 diff --git a/Computer_Vision/vgg11_bn_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/vgg11_bn_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..d8f8283bf --- /dev/null +++ b/Computer_Vision/vgg11_bn_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.715562105178833 + set_success: 0.01575016975402832 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg11_bn_torch_hub_f0cb47cf/onnx/vgg11_bn_torch_hub_f0cb47cf-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vgg11_bn.py +class: VGG +hash: 08550040 +model_name: vgg11_bn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 519002.8857 +onnx_ops_counter: + AveragePool: 1 + Conv: 8 + Flatten: 1 + Gemm: 3 + MaxPool: 5 + Relu: 10 +parameters: 132868840 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg11_bn_Opset16_torch_hub/vgg11_bn_Opset16.onnx b/Computer_Vision/vgg11_bn_Opset16_torch_hub/vgg11_bn_Opset16.onnx new file mode 100644 index 000000000..6885a78f1 --- /dev/null +++ b/Computer_Vision/vgg11_bn_Opset16_torch_hub/vgg11_bn_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b16543b35e09ae97fa83b2eb1bfa84f8a0938a5e80b2ca369bc40a7653ce2192 +size 531458922 diff --git a/Computer_Vision/vgg11_bn_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vgg11_bn_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..94b9e7e5f --- /dev/null +++ b/Computer_Vision/vgg11_bn_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.961010217666626 + set_success: 0.014950037002563477 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg11_bn_timm_1dcc3aaa/onnx/vgg11_bn_timm_1dcc3aaa-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vgg11_bn.py +class: VGG +hash: a0281177 +model_name: vgg11_bn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 519002.9619 +onnx_ops_counter: + Conv: 10 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 5 + Relu: 10 +parameters: 132868840 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg11_bn_Opset17_timm/vgg11_bn_Opset17.onnx b/Computer_Vision/vgg11_bn_Opset17_timm/vgg11_bn_Opset17.onnx new file mode 100644 index 000000000..5ffdb40d4 --- /dev/null +++ b/Computer_Vision/vgg11_bn_Opset17_timm/vgg11_bn_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89af1e29d9fb182b9608fef2b4f2ac487b38649342e5437074704d773d50d7d4 +size 531459000 diff --git a/Computer_Vision/vgg11_bn_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/vgg11_bn_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..a3b10a597 --- /dev/null +++ b/Computer_Vision/vgg11_bn_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.93169093132019 + set_success: 0.01639723777770996 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg11_bn_torch_hub_f0cb47cf/onnx/vgg11_bn_torch_hub_f0cb47cf-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vgg11_bn.py +class: VGG +hash: 08550040 +model_name: vgg11_bn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 519002.8857 +onnx_ops_counter: + AveragePool: 1 + Conv: 8 + Flatten: 1 + Gemm: 3 + MaxPool: 5 + Relu: 10 +parameters: 132868840 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg11_bn_Opset17_torch_hub/vgg11_bn_Opset17.onnx b/Computer_Vision/vgg11_bn_Opset17_torch_hub/vgg11_bn_Opset17.onnx new file mode 100644 index 000000000..6014aadd4 --- /dev/null +++ b/Computer_Vision/vgg11_bn_Opset17_torch_hub/vgg11_bn_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c91dfcaf5eabf308be87f3517e601d2c52a7bcc64452b90381a4958caaf86289 +size 531458922 diff --git a/Computer_Vision/vgg11_bn_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vgg11_bn_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..54576543d --- /dev/null +++ b/Computer_Vision/vgg11_bn_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.966435432434082 + set_success: 0.017678499221801758 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg11_bn_timm_1dcc3aaa/onnx/vgg11_bn_timm_1dcc3aaa-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vgg11_bn.py +class: VGG +hash: a0281177 +model_name: vgg11_bn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 519002.9619 +onnx_ops_counter: + Conv: 10 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 5 + Relu: 10 +parameters: 132868840 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg11_bn_Opset18_timm/vgg11_bn_Opset18.onnx b/Computer_Vision/vgg11_bn_Opset18_timm/vgg11_bn_Opset18.onnx new file mode 100644 index 000000000..e7a6b0db6 --- /dev/null +++ b/Computer_Vision/vgg11_bn_Opset18_timm/vgg11_bn_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6702b8533e95780f037c9f81a09b507af216e4c4b6702c311c6e19c2352585f3 +size 531459000 diff --git a/Computer_Vision/vgg11_bn_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/vgg11_bn_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..be546ad28 --- /dev/null +++ b/Computer_Vision/vgg11_bn_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.653732776641846 + set_success: 0.015573978424072266 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg11_bn_torch_hub_f0cb47cf/onnx/vgg11_bn_torch_hub_f0cb47cf-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vgg11_bn.py +class: VGG +hash: 08550040 +model_name: vgg11_bn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 519002.8857 +onnx_ops_counter: + AveragePool: 1 + Conv: 8 + Flatten: 1 + Gemm: 3 + MaxPool: 5 + Relu: 10 +parameters: 132868840 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg11_bn_Opset18_torch_hub/vgg11_bn_Opset18.onnx b/Computer_Vision/vgg11_bn_Opset18_torch_hub/vgg11_bn_Opset18.onnx new file mode 100644 index 000000000..699fdaaa4 --- /dev/null +++ b/Computer_Vision/vgg11_bn_Opset18_torch_hub/vgg11_bn_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c8c2e717e1aa7e3e6afa9826130485ec852e9924ae71324f21e8504aeb0e802 +size 531458922 diff --git a/Computer_Vision/vgg13_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vgg13_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e6707a35d --- /dev/null +++ b/Computer_Vision/vgg13_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.610217809677124 + set_success: 0.01610851287841797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg13_timm_36830cdd/onnx/vgg13_timm_36830cdd-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vgg13.py +class: VGG +hash: 9ecc24c8 +model_name: vgg13 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 519724.6025 +onnx_ops_counter: + Conv: 12 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 5 + Relu: 12 +parameters: 133047848 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg13_Opset16_timm/vgg13_Opset16.onnx b/Computer_Vision/vgg13_Opset16_timm/vgg13_Opset16.onnx new file mode 100644 index 000000000..4f2e1906c --- /dev/null +++ b/Computer_Vision/vgg13_Opset16_timm/vgg13_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f2bf03b25275c0bcc66b752524b513b6e5b5682c5857dff7265b1d26d01f7195 +size 532197960 diff --git a/Computer_Vision/vgg13_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/vgg13_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..991faaf4d --- /dev/null +++ b/Computer_Vision/vgg13_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.889228343963623 + set_success: 0.015604019165039062 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg13_torch_hub_71ea690b/onnx/vgg13_torch_hub_71ea690b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vgg13.py +class: VGG +hash: 20ce33fd +model_name: vgg13 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 519724.5264 +onnx_ops_counter: + AveragePool: 1 + Conv: 10 + Flatten: 1 + Gemm: 3 + MaxPool: 5 + Relu: 12 +parameters: 133047848 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg13_Opset16_torch_hub/vgg13_Opset16.onnx b/Computer_Vision/vgg13_Opset16_torch_hub/vgg13_Opset16.onnx new file mode 100644 index 000000000..6f3d6b561 --- /dev/null +++ b/Computer_Vision/vgg13_Opset16_torch_hub/vgg13_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da10b6d0aab025428404a026116caefc33eae544bb49d39814ac315d4c99bad2 +size 532197882 diff --git a/Computer_Vision/vgg13_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vgg13_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..147484dc8 --- /dev/null +++ b/Computer_Vision/vgg13_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.004958391189575 + set_success: 0.015485525131225586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg13_timm_36830cdd/onnx/vgg13_timm_36830cdd-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vgg13.py +class: VGG +hash: 9ecc24c8 +model_name: vgg13 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 519724.6025 +onnx_ops_counter: + Conv: 12 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 5 + Relu: 12 +parameters: 133047848 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg13_Opset17_timm/vgg13_Opset17.onnx b/Computer_Vision/vgg13_Opset17_timm/vgg13_Opset17.onnx new file mode 100644 index 000000000..0a0074615 --- /dev/null +++ b/Computer_Vision/vgg13_Opset17_timm/vgg13_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f51af5d58b534a7d0d9a2027fb582f2e50eb0f1600c4f33bd8ac537e5cbc7e0d +size 532197960 diff --git a/Computer_Vision/vgg13_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/vgg13_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..cb49f6d47 --- /dev/null +++ b/Computer_Vision/vgg13_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.876299619674683 + set_success: 0.014955282211303711 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg13_torch_hub_71ea690b/onnx/vgg13_torch_hub_71ea690b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vgg13.py +class: VGG +hash: 20ce33fd +model_name: vgg13 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 519724.5264 +onnx_ops_counter: + AveragePool: 1 + Conv: 10 + Flatten: 1 + Gemm: 3 + MaxPool: 5 + Relu: 12 +parameters: 133047848 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg13_Opset17_torch_hub/vgg13_Opset17.onnx b/Computer_Vision/vgg13_Opset17_torch_hub/vgg13_Opset17.onnx new file mode 100644 index 000000000..31ef35f44 --- /dev/null +++ b/Computer_Vision/vgg13_Opset17_torch_hub/vgg13_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a317ee42c997fcf2cbb3c634868ca7225f6409c8f09fa11ff4f62749366047e +size 532197882 diff --git a/Computer_Vision/vgg13_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vgg13_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a0406eb5e --- /dev/null +++ b/Computer_Vision/vgg13_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.989225625991821 + set_success: 0.01634073257446289 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg13_timm_36830cdd/onnx/vgg13_timm_36830cdd-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vgg13.py +class: VGG +hash: 9ecc24c8 +model_name: vgg13 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 519724.6025 +onnx_ops_counter: + Conv: 12 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 5 + Relu: 12 +parameters: 133047848 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg13_Opset18_timm/vgg13_Opset18.onnx b/Computer_Vision/vgg13_Opset18_timm/vgg13_Opset18.onnx new file mode 100644 index 000000000..a8c0050ef --- /dev/null +++ b/Computer_Vision/vgg13_Opset18_timm/vgg13_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46e3908b3e0df9910598dfd1c5c2b9663f5bd577800c8831fdb5b2a9b092662c +size 532197960 diff --git a/Computer_Vision/vgg13_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/vgg13_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..26fb54659 --- /dev/null +++ b/Computer_Vision/vgg13_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.930877447128296 + set_success: 0.01517486572265625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg13_torch_hub_71ea690b/onnx/vgg13_torch_hub_71ea690b-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vgg13.py +class: VGG +hash: 20ce33fd +model_name: vgg13 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 519724.5264 +onnx_ops_counter: + AveragePool: 1 + Conv: 10 + Flatten: 1 + Gemm: 3 + MaxPool: 5 + Relu: 12 +parameters: 133047848 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg13_Opset18_torch_hub/vgg13_Opset18.onnx b/Computer_Vision/vgg13_Opset18_torch_hub/vgg13_Opset18.onnx new file mode 100644 index 000000000..06ba83cfa --- /dev/null +++ b/Computer_Vision/vgg13_Opset18_torch_hub/vgg13_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7e505060d40389ec4d7363091d51643bbfdc6450d3d1064fbb0854f75a53d3f1 +size 532197882 diff --git a/Computer_Vision/vgg13_bn_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vgg13_bn_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b969863df --- /dev/null +++ b/Computer_Vision/vgg13_bn_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.054784536361694 + set_success: 0.016165494918823242 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg13_bn_timm_fed4f7e3/onnx/vgg13_bn_timm_fed4f7e3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vgg13_bn.py +class: VGG +hash: fa83ccfa +model_name: vgg13_bn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 519724.5117 +onnx_ops_counter: + Conv: 12 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 5 + Relu: 12 +parameters: 133053736 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg13_bn_Opset16_timm/vgg13_bn_Opset16.onnx b/Computer_Vision/vgg13_bn_Opset16_timm/vgg13_bn_Opset16.onnx new file mode 100644 index 000000000..0d4644eae --- /dev/null +++ b/Computer_Vision/vgg13_bn_Opset16_timm/vgg13_bn_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7676030cef55dd892297e23658ca6b8a28d4f4d71494db73a22d1503fecddb0e +size 532197867 diff --git a/Computer_Vision/vgg13_bn_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/vgg13_bn_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..b31df9f32 --- /dev/null +++ b/Computer_Vision/vgg13_bn_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.976481676101685 + set_success: 0.014880657196044922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg13_bn_torch_hub_556c485f/onnx/vgg13_bn_torch_hub_556c485f-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vgg13_bn.py +class: VGG +hash: 20dffe7e +model_name: vgg13_bn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 519724.4355 +onnx_ops_counter: + AveragePool: 1 + Conv: 10 + Flatten: 1 + Gemm: 3 + MaxPool: 5 + Relu: 12 +parameters: 133053736 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg13_bn_Opset16_torch_hub/vgg13_bn_Opset16.onnx b/Computer_Vision/vgg13_bn_Opset16_torch_hub/vgg13_bn_Opset16.onnx new file mode 100644 index 000000000..161a541f5 --- /dev/null +++ b/Computer_Vision/vgg13_bn_Opset16_torch_hub/vgg13_bn_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c54c2cce1eb18fd415e17c8811fb3a9b832c281de90a80e67adbbbb8fb8d72c +size 532197789 diff --git a/Computer_Vision/vgg13_bn_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vgg13_bn_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8bc979207 --- /dev/null +++ b/Computer_Vision/vgg13_bn_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.037706613540649 + set_success: 0.015445709228515625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg13_bn_timm_fed4f7e3/onnx/vgg13_bn_timm_fed4f7e3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vgg13_bn.py +class: VGG +hash: fa83ccfa +model_name: vgg13_bn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 519724.5117 +onnx_ops_counter: + Conv: 12 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 5 + Relu: 12 +parameters: 133053736 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg13_bn_Opset17_timm/vgg13_bn_Opset17.onnx b/Computer_Vision/vgg13_bn_Opset17_timm/vgg13_bn_Opset17.onnx new file mode 100644 index 000000000..4d3ddee4e --- /dev/null +++ b/Computer_Vision/vgg13_bn_Opset17_timm/vgg13_bn_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:666883a4ee3f1f3c4cee9501eeea75175678b517d381b8afa19d564f9ac2e300 +size 532197867 diff --git a/Computer_Vision/vgg13_bn_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/vgg13_bn_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..a1efae168 --- /dev/null +++ b/Computer_Vision/vgg13_bn_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.394426345825195 + set_success: 0.01753091812133789 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg13_bn_torch_hub_556c485f/onnx/vgg13_bn_torch_hub_556c485f-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vgg13_bn.py +class: VGG +hash: 20dffe7e +model_name: vgg13_bn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 519724.4355 +onnx_ops_counter: + AveragePool: 1 + Conv: 10 + Flatten: 1 + Gemm: 3 + MaxPool: 5 + Relu: 12 +parameters: 133053736 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg13_bn_Opset17_torch_hub/vgg13_bn_Opset17.onnx b/Computer_Vision/vgg13_bn_Opset17_torch_hub/vgg13_bn_Opset17.onnx new file mode 100644 index 000000000..96f3a000e --- /dev/null +++ b/Computer_Vision/vgg13_bn_Opset17_torch_hub/vgg13_bn_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd16017e7f093076f74c0705ecdf65ac927d47faee881ada5a1408f88ddea4df +size 532197789 diff --git a/Computer_Vision/vgg13_bn_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vgg13_bn_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..152a19b73 --- /dev/null +++ b/Computer_Vision/vgg13_bn_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.990706920623779 + set_success: 0.01653003692626953 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg13_bn_timm_fed4f7e3/onnx/vgg13_bn_timm_fed4f7e3-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vgg13_bn.py +class: VGG +hash: fa83ccfa +model_name: vgg13_bn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 519724.5117 +onnx_ops_counter: + Conv: 12 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 5 + Relu: 12 +parameters: 133053736 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg13_bn_Opset18_timm/vgg13_bn_Opset18.onnx b/Computer_Vision/vgg13_bn_Opset18_timm/vgg13_bn_Opset18.onnx new file mode 100644 index 000000000..cb968eb88 --- /dev/null +++ b/Computer_Vision/vgg13_bn_Opset18_timm/vgg13_bn_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a50208fa8fd957e90c0ef42c836cafb6a71a24ed9253f859b18277645802f1bd +size 532197867 diff --git a/Computer_Vision/vgg13_bn_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/vgg13_bn_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..d868331dd --- /dev/null +++ b/Computer_Vision/vgg13_bn_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.950760126113892 + set_success: 0.017511367797851562 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg13_bn_torch_hub_556c485f/onnx/vgg13_bn_torch_hub_556c485f-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vgg13_bn.py +class: VGG +hash: 20dffe7e +model_name: vgg13_bn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 519724.4355 +onnx_ops_counter: + AveragePool: 1 + Conv: 10 + Flatten: 1 + Gemm: 3 + MaxPool: 5 + Relu: 12 +parameters: 133053736 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg13_bn_Opset18_torch_hub/vgg13_bn_Opset18.onnx b/Computer_Vision/vgg13_bn_Opset18_torch_hub/vgg13_bn_Opset18.onnx new file mode 100644 index 000000000..85187f453 --- /dev/null +++ b/Computer_Vision/vgg13_bn_Opset18_torch_hub/vgg13_bn_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f57d4387a8f5a36994b18a630f9eaa6a7bb9380d324b18adef196a184fb5321 +size 532197789 diff --git a/Computer_Vision/vgg16_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vgg16_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5ad48bb8e --- /dev/null +++ b/Computer_Vision/vgg16_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.3881471157073975 + set_success: 0.01627969741821289 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg16_timm_43183f85/onnx/vgg16_timm_43183f85-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vgg16.py +class: VGG +hash: f010f74a +model_name: vgg16 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 540466.8447 +onnx_ops_counter: + Conv: 15 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 5 + Relu: 15 +parameters: 138357544 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg16_Opset16_timm/vgg16_Opset16.onnx b/Computer_Vision/vgg16_Opset16_timm/vgg16_Opset16.onnx new file mode 100644 index 000000000..b45bd5898 --- /dev/null +++ b/Computer_Vision/vgg16_Opset16_timm/vgg16_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0fa496b4a516372acd95cc6acc72bb595a794bed7b1dc27097e7a946cb2d51ce +size 553438016 diff --git a/Computer_Vision/vgg16_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/vgg16_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..f29778aa0 --- /dev/null +++ b/Computer_Vision/vgg16_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.318416118621826 + set_success: 0.014849185943603516 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg16_torch_hub_d95cb2d3/onnx/vgg16_torch_hub_d95cb2d3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vgg16.py +class: VGG +hash: b628f277 +model_name: vgg16 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 540466.7686 +onnx_ops_counter: + AveragePool: 1 + Conv: 13 + Flatten: 1 + Gemm: 3 + MaxPool: 5 + Relu: 15 +parameters: 138357544 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg16_Opset16_torch_hub/vgg16_Opset16.onnx b/Computer_Vision/vgg16_Opset16_torch_hub/vgg16_Opset16.onnx new file mode 100644 index 000000000..283e745a9 --- /dev/null +++ b/Computer_Vision/vgg16_Opset16_torch_hub/vgg16_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:72ad5e90833067d41f700133feaaf19be5acb6d4828c18eed85904f1901ced1f +size 553437938 diff --git a/Computer_Vision/vgg16_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vgg16_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5b55b510c --- /dev/null +++ b/Computer_Vision/vgg16_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.196960687637329 + set_success: 0.015389204025268555 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg16_timm_43183f85/onnx/vgg16_timm_43183f85-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vgg16.py +class: VGG +hash: f010f74a +model_name: vgg16 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 540466.8447 +onnx_ops_counter: + Conv: 15 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 5 + Relu: 15 +parameters: 138357544 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg16_Opset17_timm/vgg16_Opset17.onnx b/Computer_Vision/vgg16_Opset17_timm/vgg16_Opset17.onnx new file mode 100644 index 000000000..0111e0759 --- /dev/null +++ b/Computer_Vision/vgg16_Opset17_timm/vgg16_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0cbbf696e6c3437a54600c065bebb9d0dfe78873293d319263f1d565d2145ac +size 553438016 diff --git a/Computer_Vision/vgg16_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/vgg16_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..931512385 --- /dev/null +++ b/Computer_Vision/vgg16_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.120453834533691 + set_success: 0.016364097595214844 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg16_torch_hub_d95cb2d3/onnx/vgg16_torch_hub_d95cb2d3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vgg16.py +class: VGG +hash: b628f277 +model_name: vgg16 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 540466.7686 +onnx_ops_counter: + AveragePool: 1 + Conv: 13 + Flatten: 1 + Gemm: 3 + MaxPool: 5 + Relu: 15 +parameters: 138357544 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg16_Opset17_torch_hub/vgg16_Opset17.onnx b/Computer_Vision/vgg16_Opset17_torch_hub/vgg16_Opset17.onnx new file mode 100644 index 000000000..5ce848f0a --- /dev/null +++ b/Computer_Vision/vgg16_Opset17_torch_hub/vgg16_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ad7f863cda9f3ff233317bb9d183651a3206ab271cf1c20870c851dafdbb9ba +size 553437938 diff --git a/Computer_Vision/vgg16_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vgg16_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..32d571136 --- /dev/null +++ b/Computer_Vision/vgg16_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.386937856674194 + set_success: 0.01564955711364746 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg16_timm_43183f85/onnx/vgg16_timm_43183f85-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vgg16.py +class: VGG +hash: f010f74a +model_name: vgg16 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 540466.8447 +onnx_ops_counter: + Conv: 15 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 5 + Relu: 15 +parameters: 138357544 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg16_Opset18_timm/vgg16_Opset18.onnx b/Computer_Vision/vgg16_Opset18_timm/vgg16_Opset18.onnx new file mode 100644 index 000000000..94cc0e5df --- /dev/null +++ b/Computer_Vision/vgg16_Opset18_timm/vgg16_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dac2ab9ffaa6032aec4cf0e57fab06232868ed305e8d8bace5db004e0f84c632 +size 553438016 diff --git a/Computer_Vision/vgg16_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/vgg16_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..2520b2aed --- /dev/null +++ b/Computer_Vision/vgg16_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.159612417221069 + set_success: 3.989396572113037 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg16_torch_hub_d95cb2d3/onnx/vgg16_torch_hub_d95cb2d3-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vgg16.py +class: VGG +hash: b628f277 +model_name: vgg16 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 540466.7686 +onnx_ops_counter: + AveragePool: 1 + Conv: 13 + Flatten: 1 + Gemm: 3 + MaxPool: 5 + Relu: 15 +parameters: 138357544 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg16_Opset18_torch_hub/vgg16_Opset18.onnx b/Computer_Vision/vgg16_Opset18_torch_hub/vgg16_Opset18.onnx new file mode 100644 index 000000000..507078bee --- /dev/null +++ b/Computer_Vision/vgg16_Opset18_torch_hub/vgg16_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f1649d8fe4faea52bd186c26400d2e1cdb516fd66c1ea96a7c9612b53a0b447 +size 553437938 diff --git a/Computer_Vision/vgg16_bn_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vgg16_bn_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0db1aa6bc --- /dev/null +++ b/Computer_Vision/vgg16_bn_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.445547819137573 + set_success: 0.015217781066894531 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg16_bn_timm_783d9147/onnx/vgg16_bn_timm_783d9147-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vgg16_bn.py +class: VGG +hash: 4ce1cdc2 +model_name: vgg16_bn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 540466.7188 +onnx_ops_counter: + Conv: 15 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 5 + Relu: 15 +parameters: 138365992 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg16_bn_Opset16_timm/vgg16_bn_Opset16.onnx b/Computer_Vision/vgg16_bn_Opset16_timm/vgg16_bn_Opset16.onnx new file mode 100644 index 000000000..45fdb99c6 --- /dev/null +++ b/Computer_Vision/vgg16_bn_Opset16_timm/vgg16_bn_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6ef520c873846ebc413a5fec2ea345e595601fa76104b06ac4727475ed9e9aea +size 553437887 diff --git a/Computer_Vision/vgg16_bn_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/vgg16_bn_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..6bd6608e1 --- /dev/null +++ b/Computer_Vision/vgg16_bn_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.09565806388855 + set_success: 0.017455339431762695 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg16_bn_torch_hub_9fd47ebd/onnx/vgg16_bn_torch_hub_9fd47ebd-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vgg16_bn.py +class: VGG +hash: 8e2b426b +model_name: vgg16_bn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 540466.6426 +onnx_ops_counter: + AveragePool: 1 + Conv: 13 + Flatten: 1 + Gemm: 3 + MaxPool: 5 + Relu: 15 +parameters: 138365992 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg16_bn_Opset16_torch_hub/vgg16_bn_Opset16.onnx b/Computer_Vision/vgg16_bn_Opset16_torch_hub/vgg16_bn_Opset16.onnx new file mode 100644 index 000000000..795cef6a6 --- /dev/null +++ b/Computer_Vision/vgg16_bn_Opset16_torch_hub/vgg16_bn_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a51344ad59288c680b4dc7531b125f6674ccd7e4f8cc4acf0c53051d61300924 +size 553437809 diff --git a/Computer_Vision/vgg16_bn_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vgg16_bn_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a0499d07a --- /dev/null +++ b/Computer_Vision/vgg16_bn_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.335518836975098 + set_success: 0.018536090850830078 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg16_bn_timm_783d9147/onnx/vgg16_bn_timm_783d9147-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vgg16_bn.py +class: VGG +hash: 4ce1cdc2 +model_name: vgg16_bn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 540466.7188 +onnx_ops_counter: + Conv: 15 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 5 + Relu: 15 +parameters: 138365992 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg16_bn_Opset17_timm/vgg16_bn_Opset17.onnx b/Computer_Vision/vgg16_bn_Opset17_timm/vgg16_bn_Opset17.onnx new file mode 100644 index 000000000..dc27740c4 --- /dev/null +++ b/Computer_Vision/vgg16_bn_Opset17_timm/vgg16_bn_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9ffa39410a4da1c503a61a89448da1cd40b737fafa5b884face36cdfaaf0b82 +size 553437887 diff --git a/Computer_Vision/vgg16_bn_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/vgg16_bn_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..544cf386d --- /dev/null +++ b/Computer_Vision/vgg16_bn_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.46034574508667 + set_success: 0.8896443843841553 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg16_bn_torch_hub_9fd47ebd/onnx/vgg16_bn_torch_hub_9fd47ebd-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vgg16_bn.py +class: VGG +hash: 8e2b426b +model_name: vgg16_bn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 540466.6426 +onnx_ops_counter: + AveragePool: 1 + Conv: 13 + Flatten: 1 + Gemm: 3 + MaxPool: 5 + Relu: 15 +parameters: 138365992 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg16_bn_Opset17_torch_hub/vgg16_bn_Opset17.onnx b/Computer_Vision/vgg16_bn_Opset17_torch_hub/vgg16_bn_Opset17.onnx new file mode 100644 index 000000000..38b0c849d --- /dev/null +++ b/Computer_Vision/vgg16_bn_Opset17_torch_hub/vgg16_bn_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87f8f9bcc4a95432987cdfc9113ba939c43cc71f0a12f41afcc9df4f39fc1f0b +size 553437809 diff --git a/Computer_Vision/vgg16_bn_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vgg16_bn_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..98169f795 --- /dev/null +++ b/Computer_Vision/vgg16_bn_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.554080009460449 + set_success: 0.016848087310791016 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg16_bn_timm_783d9147/onnx/vgg16_bn_timm_783d9147-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vgg16_bn.py +class: VGG +hash: 4ce1cdc2 +model_name: vgg16_bn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 540466.7188 +onnx_ops_counter: + Conv: 15 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 5 + Relu: 15 +parameters: 138365992 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg16_bn_Opset18_timm/vgg16_bn_Opset18.onnx b/Computer_Vision/vgg16_bn_Opset18_timm/vgg16_bn_Opset18.onnx new file mode 100644 index 000000000..4ed711b93 --- /dev/null +++ b/Computer_Vision/vgg16_bn_Opset18_timm/vgg16_bn_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba83380886ca00f1c0a2ca7f4ac431e0fcfab371fb231f20f2963afd0e293df0 +size 553437887 diff --git a/Computer_Vision/vgg16_bn_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/vgg16_bn_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..12259aaad --- /dev/null +++ b/Computer_Vision/vgg16_bn_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.455130338668823 + set_success: 0.017026185989379883 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg16_bn_torch_hub_9fd47ebd/onnx/vgg16_bn_torch_hub_9fd47ebd-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vgg16_bn.py +class: VGG +hash: 8e2b426b +model_name: vgg16_bn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 540466.6426 +onnx_ops_counter: + AveragePool: 1 + Conv: 13 + Flatten: 1 + Gemm: 3 + MaxPool: 5 + Relu: 15 +parameters: 138365992 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg16_bn_Opset18_torch_hub/vgg16_bn_Opset18.onnx b/Computer_Vision/vgg16_bn_Opset18_torch_hub/vgg16_bn_Opset18.onnx new file mode 100644 index 000000000..2636ddde4 --- /dev/null +++ b/Computer_Vision/vgg16_bn_Opset18_torch_hub/vgg16_bn_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3c89f3e70a740f93078279c2f21e455de0ed4e1fe855f1234af0cd36a14bc18 +size 553437809 diff --git a/Computer_Vision/vgg19_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vgg19_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..301fd3b31 --- /dev/null +++ b/Computer_Vision/vgg19_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.405033349990845 + set_success: 0.018308162689208984 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg19_timm_57363337/onnx/vgg19_timm_57363337-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vgg19.py +class: VGG +hash: 506a421d +model_name: vgg19 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 561209.0869 +onnx_ops_counter: + Conv: 18 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 5 + Relu: 18 +parameters: 143667240 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg19_Opset16_timm/vgg19_Opset16.onnx b/Computer_Vision/vgg19_Opset16_timm/vgg19_Opset16.onnx new file mode 100644 index 000000000..604bd8559 --- /dev/null +++ b/Computer_Vision/vgg19_Opset16_timm/vgg19_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:48faca8214b5e36bff0b507bf2ae7ebc647abd774636dd82f1b28b8bdad6748a +size 574678072 diff --git a/Computer_Vision/vgg19_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/vgg19_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..bf6afe660 --- /dev/null +++ b/Computer_Vision/vgg19_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.029679536819458 + set_success: 0.019762754440307617 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg19_torch_hub_46187ae4/onnx/vgg19_torch_hub_46187ae4-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vgg19.py +class: VGG +hash: d889f054 +model_name: vgg19 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 561209.0107 +onnx_ops_counter: + AveragePool: 1 + Conv: 16 + Flatten: 1 + Gemm: 3 + MaxPool: 5 + Relu: 18 +parameters: 143667240 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg19_Opset16_torch_hub/vgg19_Opset16.onnx b/Computer_Vision/vgg19_Opset16_torch_hub/vgg19_Opset16.onnx new file mode 100644 index 000000000..c084ecb42 --- /dev/null +++ b/Computer_Vision/vgg19_Opset16_torch_hub/vgg19_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a2a85087bc533948643221e82e190a2e0f29ed51bb9f7f013a6415132c493bec +size 574677994 diff --git a/Computer_Vision/vgg19_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vgg19_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9c45e9ef4 --- /dev/null +++ b/Computer_Vision/vgg19_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.696347236633301 + set_success: 0.01658463478088379 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg19_timm_57363337/onnx/vgg19_timm_57363337-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vgg19.py +class: VGG +hash: 506a421d +model_name: vgg19 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 561209.0869 +onnx_ops_counter: + Conv: 18 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 5 + Relu: 18 +parameters: 143667240 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg19_Opset17_timm/vgg19_Opset17.onnx b/Computer_Vision/vgg19_Opset17_timm/vgg19_Opset17.onnx new file mode 100644 index 000000000..cf6f613df --- /dev/null +++ b/Computer_Vision/vgg19_Opset17_timm/vgg19_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4fa094e5e5a382f2e297e449eab72387d989efd56cf49dd550e61d350105b8d5 +size 574678072 diff --git a/Computer_Vision/vgg19_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/vgg19_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..0364fd2c1 --- /dev/null +++ b/Computer_Vision/vgg19_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.7947986125946045 + set_success: 1.0497782230377197 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg19_torch_hub_46187ae4/onnx/vgg19_torch_hub_46187ae4-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vgg19.py +class: VGG +hash: d889f054 +model_name: vgg19 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 561209.0107 +onnx_ops_counter: + AveragePool: 1 + Conv: 16 + Flatten: 1 + Gemm: 3 + MaxPool: 5 + Relu: 18 +parameters: 143667240 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg19_Opset17_torch_hub/vgg19_Opset17.onnx b/Computer_Vision/vgg19_Opset17_torch_hub/vgg19_Opset17.onnx new file mode 100644 index 000000000..9354050b6 --- /dev/null +++ b/Computer_Vision/vgg19_Opset17_torch_hub/vgg19_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:92fc0f419bf41c7dfb9b1ec6ea85d0e2d26fdf9c7036015d375c5a2cf0ea5030 +size 574677994 diff --git a/Computer_Vision/vgg19_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vgg19_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..983914f61 --- /dev/null +++ b/Computer_Vision/vgg19_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.639770984649658 + set_success: 0.01687335968017578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg19_timm_57363337/onnx/vgg19_timm_57363337-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vgg19.py +class: VGG +hash: 506a421d +model_name: vgg19 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 561209.0869 +onnx_ops_counter: + Conv: 18 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 5 + Relu: 18 +parameters: 143667240 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg19_Opset18_timm/vgg19_Opset18.onnx b/Computer_Vision/vgg19_Opset18_timm/vgg19_Opset18.onnx new file mode 100644 index 000000000..4fad17cc2 --- /dev/null +++ b/Computer_Vision/vgg19_Opset18_timm/vgg19_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f08c10f44a20f249f3ae8ac9de0936855673315e27302bdf1eb285281b6593fa +size 574678072 diff --git a/Computer_Vision/vgg19_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/vgg19_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..f49dcee04 --- /dev/null +++ b/Computer_Vision/vgg19_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.326105117797852 + set_success: 0.016304969787597656 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg19_torch_hub_46187ae4/onnx/vgg19_torch_hub_46187ae4-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vgg19.py +class: VGG +hash: d889f054 +model_name: vgg19 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 561209.0107 +onnx_ops_counter: + AveragePool: 1 + Conv: 16 + Flatten: 1 + Gemm: 3 + MaxPool: 5 + Relu: 18 +parameters: 143667240 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg19_Opset18_torch_hub/vgg19_Opset18.onnx b/Computer_Vision/vgg19_Opset18_torch_hub/vgg19_Opset18.onnx new file mode 100644 index 000000000..29a2a5648 --- /dev/null +++ b/Computer_Vision/vgg19_Opset18_torch_hub/vgg19_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:350f81363a880cd032f73778930fa86b72de8e60705b961afef0f10598d3b9f9 +size 574677994 diff --git a/Computer_Vision/vgg19_bn_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vgg19_bn_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..31b8fcab3 --- /dev/null +++ b/Computer_Vision/vgg19_bn_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.881439447402954 + set_success: 0.01701045036315918 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg19_bn_timm_d4f0f5b1/onnx/vgg19_bn_timm_d4f0f5b1-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vgg19_bn.py +class: VGG +hash: 951f7030 +model_name: vgg19_bn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 561208.9258 +onnx_ops_counter: + Conv: 18 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 5 + Relu: 18 +parameters: 143678248 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg19_bn_Opset16_timm/vgg19_bn_Opset16.onnx b/Computer_Vision/vgg19_bn_Opset16_timm/vgg19_bn_Opset16.onnx new file mode 100644 index 000000000..445d53a74 --- /dev/null +++ b/Computer_Vision/vgg19_bn_Opset16_timm/vgg19_bn_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8fa1065cf69e39f07776c7da98a43b630615f277cfb827de170879616da3427 +size 574677907 diff --git a/Computer_Vision/vgg19_bn_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/vgg19_bn_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..673bde9dc --- /dev/null +++ b/Computer_Vision/vgg19_bn_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.025556802749634 + set_success: 0.08479928970336914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg19_bn_torch_hub_4c705381/onnx/vgg19_bn_torch_hub_4c705381-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vgg19_bn.py +class: VGG +hash: bc2392e4 +model_name: vgg19_bn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 561208.8496 +onnx_ops_counter: + AveragePool: 1 + Conv: 16 + Flatten: 1 + Gemm: 3 + MaxPool: 5 + Relu: 18 +parameters: 143678248 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg19_bn_Opset16_torch_hub/vgg19_bn_Opset16.onnx b/Computer_Vision/vgg19_bn_Opset16_torch_hub/vgg19_bn_Opset16.onnx new file mode 100644 index 000000000..450abcce8 --- /dev/null +++ b/Computer_Vision/vgg19_bn_Opset16_torch_hub/vgg19_bn_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7cca5dee1d7d7dd59dd1c52299995f695e209729d70bbf22b934cf8040d240f1 +size 574677829 diff --git a/Computer_Vision/vgg19_bn_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vgg19_bn_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1572c10e3 --- /dev/null +++ b/Computer_Vision/vgg19_bn_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.453490495681763 + set_success: 0.02214789390563965 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg19_bn_timm_d4f0f5b1/onnx/vgg19_bn_timm_d4f0f5b1-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vgg19_bn.py +class: VGG +hash: 951f7030 +model_name: vgg19_bn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 561208.9258 +onnx_ops_counter: + Conv: 18 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 5 + Relu: 18 +parameters: 143678248 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg19_bn_Opset17_timm/vgg19_bn_Opset17.onnx b/Computer_Vision/vgg19_bn_Opset17_timm/vgg19_bn_Opset17.onnx new file mode 100644 index 000000000..95607faf2 --- /dev/null +++ b/Computer_Vision/vgg19_bn_Opset17_timm/vgg19_bn_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f85ea899672ded36771432682e70ae2f117fe89b383e8ccd24af9262b7b2ebc7 +size 574677907 diff --git a/Computer_Vision/vgg19_bn_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/vgg19_bn_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..be0919a9c --- /dev/null +++ b/Computer_Vision/vgg19_bn_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.312121152877808 + set_success: 0.31406402587890625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg19_bn_torch_hub_4c705381/onnx/vgg19_bn_torch_hub_4c705381-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vgg19_bn.py +class: VGG +hash: bc2392e4 +model_name: vgg19_bn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 561208.8496 +onnx_ops_counter: + AveragePool: 1 + Conv: 16 + Flatten: 1 + Gemm: 3 + MaxPool: 5 + Relu: 18 +parameters: 143678248 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg19_bn_Opset17_torch_hub/vgg19_bn_Opset17.onnx b/Computer_Vision/vgg19_bn_Opset17_torch_hub/vgg19_bn_Opset17.onnx new file mode 100644 index 000000000..880930a02 --- /dev/null +++ b/Computer_Vision/vgg19_bn_Opset17_torch_hub/vgg19_bn_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:caeaa9bd23259c32c3c5f1662d93d2c2e85f5f4a86b7dffecb0d35ef1884891a +size 574677829 diff --git a/Computer_Vision/vgg19_bn_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vgg19_bn_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3ea193164 --- /dev/null +++ b/Computer_Vision/vgg19_bn_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.284098863601685 + set_success: 0.02006363868713379 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg19_bn_timm_d4f0f5b1/onnx/vgg19_bn_timm_d4f0f5b1-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vgg19_bn.py +class: VGG +hash: 951f7030 +model_name: vgg19_bn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 561208.9258 +onnx_ops_counter: + Conv: 18 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 5 + Relu: 18 +parameters: 143678248 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg19_bn_Opset18_timm/vgg19_bn_Opset18.onnx b/Computer_Vision/vgg19_bn_Opset18_timm/vgg19_bn_Opset18.onnx new file mode 100644 index 000000000..95dd00dd7 --- /dev/null +++ b/Computer_Vision/vgg19_bn_Opset18_timm/vgg19_bn_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:14049ad9d1ab909cf7089f49462eda24881ab937fa68c714baa2229f154fbbd0 +size 574677907 diff --git a/Computer_Vision/vgg19_bn_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/vgg19_bn_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..48973dc1f --- /dev/null +++ b/Computer_Vision/vgg19_bn_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.832047462463379 + set_success: 0.016819477081298828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vgg19_bn_torch_hub_4c705381/onnx/vgg19_bn_torch_hub_4c705381-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vgg19_bn.py +class: VGG +hash: bc2392e4 +model_name: vgg19_bn +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 561208.8496 +onnx_ops_counter: + AveragePool: 1 + Conv: 16 + Flatten: 1 + Gemm: 3 + MaxPool: 5 + Relu: 18 +parameters: 143678248 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vgg19_bn_Opset18_torch_hub/vgg19_bn_Opset18.onnx b/Computer_Vision/vgg19_bn_Opset18_torch_hub/vgg19_bn_Opset18.onnx new file mode 100644 index 000000000..98af53873 --- /dev/null +++ b/Computer_Vision/vgg19_bn_Opset18_torch_hub/vgg19_bn_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:937dd9a17d9b85373136074f21f2b4171d664ddfefe2bc3053727b82f6e56237 +size 574677829 diff --git a/Computer_Vision/visformer_small_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/visformer_small_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b5fa5b7c5 --- /dev/null +++ b/Computer_Vision/visformer_small_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.4567642211914062 + set_success: 0.017526626586914062 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/visformer_small_timm_9d1e9a16/onnx/visformer_small_timm_9d1e9a16-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/visformer_small.py +class: Visformer +hash: b0b2b339 +model_name: visformer_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 157265.2344 +onnx_ops_counter: + Add: 48 + BatchNormalization: 24 + Constant: 122 + Conv: 57 + Div: 22 + Erf: 22 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 16 + Mul: 52 + Relu: 1 + Reshape: 16 + Softmax: 8 + Split: 8 + Squeeze: 24 + Transpose: 24 +parameters: 40219592 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/visformer_small_Opset16_timm/visformer_small_Opset16.onnx b/Computer_Vision/visformer_small_Opset16_timm/visformer_small_Opset16.onnx new file mode 100644 index 000000000..961e4daed --- /dev/null +++ b/Computer_Vision/visformer_small_Opset16_timm/visformer_small_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0fab696083e3e73c6f1a6d8fa590772f4c66567f48c9244061492d950882f1ed +size 161039567 diff --git a/Computer_Vision/visformer_small_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/visformer_small_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..515a065d3 --- /dev/null +++ b/Computer_Vision/visformer_small_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.5127220153808594 + set_success: 0.016457796096801758 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/visformer_small_timm_9d1e9a16/onnx/visformer_small_timm_9d1e9a16-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/visformer_small.py +class: Visformer +hash: b0b2b339 +model_name: visformer_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 157265.2344 +onnx_ops_counter: + Add: 48 + BatchNormalization: 24 + Constant: 122 + Conv: 57 + Div: 22 + Erf: 22 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 16 + Mul: 52 + Relu: 1 + Reshape: 16 + Softmax: 8 + Split: 8 + Squeeze: 24 + Transpose: 24 +parameters: 40219592 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/visformer_small_Opset17_timm/visformer_small_Opset17.onnx b/Computer_Vision/visformer_small_Opset17_timm/visformer_small_Opset17.onnx new file mode 100644 index 000000000..85a618f82 --- /dev/null +++ b/Computer_Vision/visformer_small_Opset17_timm/visformer_small_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:60a51d059136fd5d794ed8f070c4d5d2e0ba1a743757c376ee070ffdd0cdbc02 +size 161039567 diff --git a/Computer_Vision/visformer_small_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/visformer_small_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d54e8400a --- /dev/null +++ b/Computer_Vision/visformer_small_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.482698678970337 + set_success: 0.017769575119018555 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/visformer_small_timm_9d1e9a16/onnx/visformer_small_timm_9d1e9a16-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/visformer_small.py +class: Visformer +hash: b0b2b339 +model_name: visformer_small +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 157265.2344 +onnx_ops_counter: + Add: 48 + BatchNormalization: 24 + Constant: 122 + Conv: 57 + Div: 22 + Erf: 22 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 16 + Mul: 52 + Relu: 1 + Reshape: 16 + Softmax: 8 + Split: 8 + Squeeze: 24 + Transpose: 24 +parameters: 40219592 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/visformer_small_Opset18_timm/visformer_small_Opset18.onnx b/Computer_Vision/visformer_small_Opset18_timm/visformer_small_Opset18.onnx new file mode 100644 index 000000000..3ec572370 --- /dev/null +++ b/Computer_Vision/visformer_small_Opset18_timm/visformer_small_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef8aba30d34fc385d4e86619709e9afc747dde9dd8b8f0db5c97e2c0cf970c88 +size 161039567 diff --git a/Computer_Vision/visformer_tiny_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/visformer_tiny_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ed0aaab5d --- /dev/null +++ b/Computer_Vision/visformer_tiny_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3677723407745361 + set_success: 0.015733718872070312 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/visformer_tiny_timm_d6af66ac/onnx/visformer_tiny_timm_d6af66ac-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/visformer_tiny.py +class: Visformer +hash: 13e335a1 +model_name: visformer_tiny +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 40436.2754 +onnx_ops_counter: + Add: 48 + BatchNormalization: 24 + Constant: 122 + Conv: 57 + Div: 22 + Erf: 22 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 16 + Mul: 52 + Relu: 1 + Reshape: 16 + Softmax: 8 + Split: 8 + Squeeze: 24 + Transpose: 24 +parameters: 10321368 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/visformer_tiny_Opset16_timm/visformer_tiny_Opset16.onnx b/Computer_Vision/visformer_tiny_Opset16_timm/visformer_tiny_Opset16.onnx new file mode 100644 index 000000000..351ff93eb --- /dev/null +++ b/Computer_Vision/visformer_tiny_Opset16_timm/visformer_tiny_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:75e6e602117e7b1cebbdddeb57ed53ae77ce8119ac41be97f934234559c7d4f2 +size 41406713 diff --git a/Computer_Vision/visformer_tiny_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/visformer_tiny_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..027cb435e --- /dev/null +++ b/Computer_Vision/visformer_tiny_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3729255199432373 + set_success: 0.017164230346679688 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/visformer_tiny_timm_d6af66ac/onnx/visformer_tiny_timm_d6af66ac-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/visformer_tiny.py +class: Visformer +hash: 13e335a1 +model_name: visformer_tiny +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 40436.2754 +onnx_ops_counter: + Add: 48 + BatchNormalization: 24 + Constant: 122 + Conv: 57 + Div: 22 + Erf: 22 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 16 + Mul: 52 + Relu: 1 + Reshape: 16 + Softmax: 8 + Split: 8 + Squeeze: 24 + Transpose: 24 +parameters: 10321368 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/visformer_tiny_Opset17_timm/visformer_tiny_Opset17.onnx b/Computer_Vision/visformer_tiny_Opset17_timm/visformer_tiny_Opset17.onnx new file mode 100644 index 000000000..09f4bf7d3 --- /dev/null +++ b/Computer_Vision/visformer_tiny_Opset17_timm/visformer_tiny_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c01c937adb8f324fd1d0660bd25c7d56b2a6460221bc1a06d23a23b32b2995a3 +size 41406713 diff --git a/Computer_Vision/visformer_tiny_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/visformer_tiny_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a60b6aacd --- /dev/null +++ b/Computer_Vision/visformer_tiny_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3560385704040527 + set_success: 0.015376567840576172 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/visformer_tiny_timm_d6af66ac/onnx/visformer_tiny_timm_d6af66ac-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/visformer_tiny.py +class: Visformer +hash: 13e335a1 +model_name: visformer_tiny +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 40436.2754 +onnx_ops_counter: + Add: 48 + BatchNormalization: 24 + Constant: 122 + Conv: 57 + Div: 22 + Erf: 22 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MatMul: 16 + Mul: 52 + Relu: 1 + Reshape: 16 + Softmax: 8 + Split: 8 + Squeeze: 24 + Transpose: 24 +parameters: 10321368 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/visformer_tiny_Opset18_timm/visformer_tiny_Opset18.onnx b/Computer_Vision/visformer_tiny_Opset18_timm/visformer_tiny_Opset18.onnx new file mode 100644 index 000000000..3138ed2c7 --- /dev/null +++ b/Computer_Vision/visformer_tiny_Opset18_timm/visformer_tiny_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f2ccf1ec6a6dfc9ae32e472c7e0515c8b86c312f688dbc21aee2ac880f57ef2 +size 41406713 diff --git a/Computer_Vision/vit_b_16_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/vit_b_16_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..90049d9ea --- /dev/null +++ b/Computer_Vision/vit_b_16_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.701317071914673 + set_success: 0.021826744079589844 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_b_16_torch_hub_c8f6e77a/onnx/vit_b_16_torch_hub_c8f6e77a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vit_b_16.py +class: VisionTransformer +hash: dd47dfd6 +model_name: vit_b_16 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 338425.0635 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 13 + Constant: 345 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 37 + Gemm: 13 + MatMul: 60 + Mod: 12 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 133 + Shape: 24 + Slice: 36 + Softmax: 12 + Sqrt: 61 + Squeeze: 12 + Sub: 25 + Transpose: 97 + Unsqueeze: 12 + Where: 1 +parameters: 86567656 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_b_16_Opset16_torch_hub/vit_b_16_Opset16.onnx b/Computer_Vision/vit_b_16_Opset16_torch_hub/vit_b_16_Opset16.onnx new file mode 100644 index 000000000..fe0bfc151 --- /dev/null +++ b/Computer_Vision/vit_b_16_Opset16_torch_hub/vit_b_16_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9cc7e6fd1f1f1ecb86392e8c5592988d33f81c2e4d817e6488a86f23f73dd897 +size 346547232 diff --git a/Computer_Vision/vit_b_16_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/vit_b_16_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..f5e7c3a66 --- /dev/null +++ b/Computer_Vision/vit_b_16_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.464792490005493 + set_success: 0.024106264114379883 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_b_16_torch_hub_c8f6e77a/onnx/vit_b_16_torch_hub_c8f6e77a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vit_b_16.py +class: VisionTransformer +hash: dd47dfd6 +model_name: vit_b_16 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 338383.6621 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 13 + Constant: 295 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 37 + Gemm: 13 + LayerNormalization: 25 + MatMul: 60 + Mod: 12 + Mul: 49 + Reshape: 133 + Shape: 24 + Slice: 36 + Softmax: 12 + Sqrt: 36 + Squeeze: 12 + Transpose: 97 + Unsqueeze: 12 + Where: 1 +parameters: 86567656 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_b_16_Opset17_torch_hub/vit_b_16_Opset17.onnx b/Computer_Vision/vit_b_16_Opset17_torch_hub/vit_b_16_Opset17.onnx new file mode 100644 index 000000000..eebb10537 --- /dev/null +++ b/Computer_Vision/vit_b_16_Opset17_torch_hub/vit_b_16_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:756f97870fa5a9162956902c854802362be83f86e96315eae448ae57f9ce59be +size 346504837 diff --git a/Computer_Vision/vit_b_16_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/vit_b_16_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..6c1237832 --- /dev/null +++ b/Computer_Vision/vit_b_16_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.680268287658691 + set_success: 0.01805853843688965 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_b_16_torch_hub_c8f6e77a/onnx/vit_b_16_torch_hub_c8f6e77a-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vit_b_16.py +class: VisionTransformer +hash: dd47dfd6 +model_name: vit_b_16 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 338383.6621 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 13 + Constant: 295 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 37 + Gemm: 13 + LayerNormalization: 25 + MatMul: 60 + Mod: 12 + Mul: 49 + Reshape: 133 + Shape: 24 + Slice: 36 + Softmax: 12 + Sqrt: 36 + Squeeze: 12 + Transpose: 97 + Unsqueeze: 12 + Where: 1 +parameters: 86567656 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_b_16_Opset18_torch_hub/vit_b_16_Opset18.onnx b/Computer_Vision/vit_b_16_Opset18_torch_hub/vit_b_16_Opset18.onnx new file mode 100644 index 000000000..6f490fcd1 --- /dev/null +++ b/Computer_Vision/vit_b_16_Opset18_torch_hub/vit_b_16_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:04aa624d1e4a30e8f34b1f7dc89fb6270e35d036cee06dcac65467e16813f4b9 +size 346504837 diff --git a/Computer_Vision/vit_b_32_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/vit_b_32_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..a14d822a3 --- /dev/null +++ b/Computer_Vision/vit_b_32_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.6631457805633545 + set_success: 0.0174710750579834 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_b_32_torch_hub_85e54581/onnx/vit_b_32_torch_hub_85e54581-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vit_b_32.py +class: VisionTransformer +hash: 48d88bc1 +model_name: vit_b_32 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 344896.0625 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 13 + Constant: 345 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 37 + Gemm: 13 + MatMul: 60 + Mod: 12 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 133 + Shape: 24 + Slice: 36 + Softmax: 12 + Sqrt: 61 + Squeeze: 12 + Sub: 25 + Transpose: 97 + Unsqueeze: 12 + Where: 1 +parameters: 88224232 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_b_32_Opset16_torch_hub/vit_b_32_Opset16.onnx b/Computer_Vision/vit_b_32_Opset16_torch_hub/vit_b_32_Opset16.onnx new file mode 100644 index 000000000..5338db78a --- /dev/null +++ b/Computer_Vision/vit_b_32_Opset16_torch_hub/vit_b_32_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8a95d30417aa0d3c7ff2a63b9411f6dac3ad862d4feea42523dd4081d1534902 +size 353173535 diff --git a/Computer_Vision/vit_b_32_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/vit_b_32_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..084b47d9d --- /dev/null +++ b/Computer_Vision/vit_b_32_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.588005065917969 + set_success: 0.016309499740600586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_b_32_torch_hub_85e54581/onnx/vit_b_32_torch_hub_85e54581-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vit_b_32.py +class: VisionTransformer +hash: 48d88bc1 +model_name: vit_b_32 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 344854.6611 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 13 + Constant: 295 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 37 + Gemm: 13 + LayerNormalization: 25 + MatMul: 60 + Mod: 12 + Mul: 49 + Reshape: 133 + Shape: 24 + Slice: 36 + Softmax: 12 + Sqrt: 36 + Squeeze: 12 + Transpose: 97 + Unsqueeze: 12 + Where: 1 +parameters: 88224232 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_b_32_Opset17_torch_hub/vit_b_32_Opset17.onnx b/Computer_Vision/vit_b_32_Opset17_torch_hub/vit_b_32_Opset17.onnx new file mode 100644 index 000000000..7769188e3 --- /dev/null +++ b/Computer_Vision/vit_b_32_Opset17_torch_hub/vit_b_32_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ea9e120b0ce239f8fb0dc789f84b3a7c66fb11171b2420f03bdfcc216189579 +size 353131140 diff --git a/Computer_Vision/vit_b_32_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/vit_b_32_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..7b876f504 --- /dev/null +++ b/Computer_Vision/vit_b_32_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.71795916557312 + set_success: 0.016241073608398438 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_b_32_torch_hub_85e54581/onnx/vit_b_32_torch_hub_85e54581-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vit_b_32.py +class: VisionTransformer +hash: 48d88bc1 +model_name: vit_b_32 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 344854.6611 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 13 + Constant: 295 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 37 + Gemm: 13 + LayerNormalization: 25 + MatMul: 60 + Mod: 12 + Mul: 49 + Reshape: 133 + Shape: 24 + Slice: 36 + Softmax: 12 + Sqrt: 36 + Squeeze: 12 + Transpose: 97 + Unsqueeze: 12 + Where: 1 +parameters: 88224232 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_b_32_Opset18_torch_hub/vit_b_32_Opset18.onnx b/Computer_Vision/vit_b_32_Opset18_torch_hub/vit_b_32_Opset18.onnx new file mode 100644 index 000000000..d5eae8251 --- /dev/null +++ b/Computer_Vision/vit_b_32_Opset18_torch_hub/vit_b_32_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2af708c2570b7416368aff6cc7c7d0d932461333a7de8dd1041abea1550ccd66 +size 353131140 diff --git a/Computer_Vision/vit_base_patch16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b0d51030e --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.380075693130493 + set_success: 0.020792245864868164 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch16_224_timm_8257da36/onnx/vit_base_patch16_224_timm_8257da36-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch16_224.py +class: VisionTransformer +hash: 5a3b76a4 +model_name: vit_base_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 338280.6816 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 86567656 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch16_224_Opset16_timm/vit_base_patch16_224_Opset16.onnx b/Computer_Vision/vit_base_patch16_224_Opset16_timm/vit_base_patch16_224_Opset16.onnx new file mode 100644 index 000000000..93bf82394 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_Opset16_timm/vit_base_patch16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c416ea0da19efca429463573d64150006d9f20d00466a0fac7c59fba2e9c7c08 +size 346399385 diff --git a/Computer_Vision/vit_base_patch16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0c91d32e4 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.379289388656616 + set_success: 0.020084619522094727 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch16_224_timm_8257da36/onnx/vit_base_patch16_224_timm_8257da36-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch16_224.py +class: VisionTransformer +hash: 5a3b76a4 +model_name: vit_base_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 338250.0654 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 86567656 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch16_224_Opset17_timm/vit_base_patch16_224_Opset17.onnx b/Computer_Vision/vit_base_patch16_224_Opset17_timm/vit_base_patch16_224_Opset17.onnx new file mode 100644 index 000000000..e01a3328a --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_Opset17_timm/vit_base_patch16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c10a69bdef419b4159a3297d7a5ab2ba9e14bb25392aae474a996c534dae30ad +size 346368034 diff --git a/Computer_Vision/vit_base_patch16_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch16_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..73e34a4c1 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.698495626449585 + set_success: 0.02039957046508789 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch16_224_timm_8257da36/onnx/vit_base_patch16_224_timm_8257da36-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch16_224.py +class: VisionTransformer +hash: 5a3b76a4 +model_name: vit_base_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 338250.0654 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 86567656 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch16_224_Opset18_timm/vit_base_patch16_224_Opset18.onnx b/Computer_Vision/vit_base_patch16_224_Opset18_timm/vit_base_patch16_224_Opset18.onnx new file mode 100644 index 000000000..d404f1040 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_Opset18_timm/vit_base_patch16_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23ae98f27264bd65f1a3c6b5a6e0c2682a6b070c7bbd60eb91bad0a113694128 +size 346368034 diff --git a/Computer_Vision/vit_base_patch16_224_dino_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch16_224_dino_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f45d4671d --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_dino_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.630805253982544 + set_success: 0.018980026245117188 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch16_224_dino_timm_c56716ca/onnx/vit_base_patch16_224_dino_timm_c56716ca-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch16_224_dino.py +class: VisionTransformer +hash: 5bce67c0 +model_name: vit_base_patch16_224_dino +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 335276.6084 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 85798656 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch16_224_dino_Opset16_timm/vit_base_patch16_224_dino_Opset16.onnx b/Computer_Vision/vit_base_patch16_224_dino_Opset16_timm/vit_base_patch16_224_dino_Opset16.onnx new file mode 100644 index 000000000..d597415fa --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_dino_Opset16_timm/vit_base_patch16_224_dino_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4e097b05ec8c3aa8703b7e0b99979a5b4bf4c4e40eef4f014096bcc72a853a9 +size 343323214 diff --git a/Computer_Vision/vit_base_patch16_224_dino_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch16_224_dino_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7cf7bc1d9 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_dino_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.700446605682373 + set_success: 0.02940654754638672 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch16_224_dino_timm_c56716ca/onnx/vit_base_patch16_224_dino_timm_c56716ca-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch16_224_dino.py +class: VisionTransformer +hash: 5bce67c0 +model_name: vit_base_patch16_224_dino +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 335245.9922 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 85798656 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch16_224_dino_Opset17_timm/vit_base_patch16_224_dino_Opset17.onnx b/Computer_Vision/vit_base_patch16_224_dino_Opset17_timm/vit_base_patch16_224_dino_Opset17.onnx new file mode 100644 index 000000000..776d63ff8 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_dino_Opset17_timm/vit_base_patch16_224_dino_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b9bfe69eb0a998cf9662dfadb2ae8aad9426fec8ddc4989c35835d6938a69727 +size 343291863 diff --git a/Computer_Vision/vit_base_patch16_224_dino_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch16_224_dino_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..534cb2188 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_dino_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.8091418743133545 + set_success: 0.0211794376373291 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch16_224_dino_timm_c56716ca/onnx/vit_base_patch16_224_dino_timm_c56716ca-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch16_224_dino.py +class: VisionTransformer +hash: 5bce67c0 +model_name: vit_base_patch16_224_dino +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 335245.9922 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 85798656 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch16_224_dino_Opset18_timm/vit_base_patch16_224_dino_Opset18.onnx b/Computer_Vision/vit_base_patch16_224_dino_Opset18_timm/vit_base_patch16_224_dino_Opset18.onnx new file mode 100644 index 000000000..a0659d660 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_dino_Opset18_timm/vit_base_patch16_224_dino_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e6998590499c4d84e18cfed9894f1cb3862e031643d26939d540638a2ad8f7b +size 343291863 diff --git a/Computer_Vision/vit_base_patch16_224_in21k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch16_224_in21k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1d8e1ae35 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_in21k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.360464811325073 + set_success: 0.024222373962402344 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch16_224_in21k_timm_6a02c9bc/onnx/vit_base_patch16_224_in21k_timm_6a02c9bc-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch16_224_in21k.py +class: VisionTransformer +hash: 87f8c7a7 +model_name: vit_base_patch16_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 400891.1045 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 102595923 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch16_224_in21k_Opset16_timm/vit_base_patch16_224_in21k_Opset16.onnx b/Computer_Vision/vit_base_patch16_224_in21k_Opset16_timm/vit_base_patch16_224_in21k_Opset16.onnx new file mode 100644 index 000000000..9341ef667 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_in21k_Opset16_timm/vit_base_patch16_224_in21k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f7fba2e3c5bbca8affd619696a06c579a2a84ca5f8fec5bf56b608821a04a8d +size 410512458 diff --git a/Computer_Vision/vit_base_patch16_224_in21k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch16_224_in21k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f04ae9857 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_in21k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.24132513999939 + set_success: 0.01826643943786621 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch16_224_in21k_timm_6a02c9bc/onnx/vit_base_patch16_224_in21k_timm_6a02c9bc-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch16_224_in21k.py +class: VisionTransformer +hash: 87f8c7a7 +model_name: vit_base_patch16_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 400860.4883 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 102595923 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch16_224_in21k_Opset17_timm/vit_base_patch16_224_in21k_Opset17.onnx b/Computer_Vision/vit_base_patch16_224_in21k_Opset17_timm/vit_base_patch16_224_in21k_Opset17.onnx new file mode 100644 index 000000000..75ca37a90 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_in21k_Opset17_timm/vit_base_patch16_224_in21k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e01bb53cb0c93f82a87a986f0e98f533b00afafbce4bfe49726e6bb088fe8c64 +size 410481107 diff --git a/Computer_Vision/vit_base_patch16_224_in21k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch16_224_in21k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..269ccf6cb --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_in21k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.5824596881866455 + set_success: 0.024895906448364258 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch16_224_in21k_timm_6a02c9bc/onnx/vit_base_patch16_224_in21k_timm_6a02c9bc-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch16_224_in21k.py +class: VisionTransformer +hash: 87f8c7a7 +model_name: vit_base_patch16_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 400860.4883 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 102595923 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch16_224_in21k_Opset18_timm/vit_base_patch16_224_in21k_Opset18.onnx b/Computer_Vision/vit_base_patch16_224_in21k_Opset18_timm/vit_base_patch16_224_in21k_Opset18.onnx new file mode 100644 index 000000000..834f02127 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_in21k_Opset18_timm/vit_base_patch16_224_in21k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:769c6b6c33a524ba5a0a16b0b0ff73b908536e148003b282ecd93f94bd35f666 +size 410481107 diff --git a/Computer_Vision/vit_base_patch16_224_miil_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch16_224_miil_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4a3697c76 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_miil_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.7157416343688965 + set_success: 0.018687725067138672 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch16_224_miil_timm_0dced360/onnx/vit_base_patch16_224_miil_timm_0dced360-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch16_224_miil.py +class: VisionTransformer +hash: 5a712794 +model_name: vit_base_patch16_224_miil +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 368873.5137 +onnx_ops_counter: + Add: 123 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 94399957 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch16_224_miil_Opset16_timm/vit_base_patch16_224_miil_Opset16.onnx b/Computer_Vision/vit_base_patch16_224_miil_Opset16_timm/vit_base_patch16_224_miil_Opset16.onnx new file mode 100644 index 000000000..ef5ae59e2 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_miil_Opset16_timm/vit_base_patch16_224_miil_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0fee109e3becb4af8e13000da725b92c6a7cda863131faa3a9d9056614eabc7 +size 377726445 diff --git a/Computer_Vision/vit_base_patch16_224_miil_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch16_224_miil_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..fb96637dc --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_miil_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.335926532745361 + set_success: 0.021086454391479492 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch16_224_miil_timm_0dced360/onnx/vit_base_patch16_224_miil_timm_0dced360-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch16_224_miil.py +class: VisionTransformer +hash: 5a712794 +model_name: vit_base_patch16_224_miil +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 368842.8975 +onnx_ops_counter: + Add: 73 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 94399957 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch16_224_miil_Opset17_timm/vit_base_patch16_224_miil_Opset17.onnx b/Computer_Vision/vit_base_patch16_224_miil_Opset17_timm/vit_base_patch16_224_miil_Opset17.onnx new file mode 100644 index 000000000..b8e70ca3b --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_miil_Opset17_timm/vit_base_patch16_224_miil_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62db0660a4413cf5ef9d5f24b42952f8356dcd95a4d77d64fe733b003dc4d10a +size 377695094 diff --git a/Computer_Vision/vit_base_patch16_224_miil_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch16_224_miil_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c1574e316 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_miil_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.06055474281311 + set_success: 0.019042491912841797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch16_224_miil_timm_0dced360/onnx/vit_base_patch16_224_miil_timm_0dced360-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch16_224_miil.py +class: VisionTransformer +hash: 5a712794 +model_name: vit_base_patch16_224_miil +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 368842.8975 +onnx_ops_counter: + Add: 73 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 94399957 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch16_224_miil_Opset18_timm/vit_base_patch16_224_miil_Opset18.onnx b/Computer_Vision/vit_base_patch16_224_miil_Opset18_timm/vit_base_patch16_224_miil_Opset18.onnx new file mode 100644 index 000000000..3b00a927b --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_miil_Opset18_timm/vit_base_patch16_224_miil_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:862989611650d008124d91855d3e759f6a4bb1b773522eca86c6b02e2994fbe4 +size 377695094 diff --git a/Computer_Vision/vit_base_patch16_224_miil_in21k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch16_224_miil_in21k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..94e9ccca4 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_miil_in21k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.533212423324585 + set_success: 0.018286943435668945 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch16_224_miil_in21k_timm_0dced360/onnx/vit_base_patch16_224_miil_in21k_timm_0dced360-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch16_224_miil_in21k.py +class: VisionTransformer +hash: 5a712794 +model_name: vit_base_patch16_224_miil_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 368873.5137 +onnx_ops_counter: + Add: 123 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 94399957 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch16_224_miil_in21k_Opset16_timm/vit_base_patch16_224_miil_in21k_Opset16.onnx b/Computer_Vision/vit_base_patch16_224_miil_in21k_Opset16_timm/vit_base_patch16_224_miil_in21k_Opset16.onnx new file mode 100644 index 000000000..ef5ae59e2 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_miil_in21k_Opset16_timm/vit_base_patch16_224_miil_in21k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0fee109e3becb4af8e13000da725b92c6a7cda863131faa3a9d9056614eabc7 +size 377726445 diff --git a/Computer_Vision/vit_base_patch16_224_miil_in21k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch16_224_miil_in21k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8f8d807d2 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_miil_in21k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.322781562805176 + set_success: 0.020331621170043945 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch16_224_miil_in21k_timm_0dced360/onnx/vit_base_patch16_224_miil_in21k_timm_0dced360-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch16_224_miil_in21k.py +class: VisionTransformer +hash: 5a712794 +model_name: vit_base_patch16_224_miil_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 368842.8975 +onnx_ops_counter: + Add: 73 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 94399957 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch16_224_miil_in21k_Opset17_timm/vit_base_patch16_224_miil_in21k_Opset17.onnx b/Computer_Vision/vit_base_patch16_224_miil_in21k_Opset17_timm/vit_base_patch16_224_miil_in21k_Opset17.onnx new file mode 100644 index 000000000..b8e70ca3b --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_miil_in21k_Opset17_timm/vit_base_patch16_224_miil_in21k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62db0660a4413cf5ef9d5f24b42952f8356dcd95a4d77d64fe733b003dc4d10a +size 377695094 diff --git a/Computer_Vision/vit_base_patch16_224_miil_in21k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch16_224_miil_in21k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8b7021eee --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_miil_in21k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.674381256103516 + set_success: 0.018341541290283203 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch16_224_miil_in21k_timm_0dced360/onnx/vit_base_patch16_224_miil_in21k_timm_0dced360-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch16_224_miil_in21k.py +class: VisionTransformer +hash: 5a712794 +model_name: vit_base_patch16_224_miil_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 368842.8975 +onnx_ops_counter: + Add: 73 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 94399957 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch16_224_miil_in21k_Opset18_timm/vit_base_patch16_224_miil_in21k_Opset18.onnx b/Computer_Vision/vit_base_patch16_224_miil_in21k_Opset18_timm/vit_base_patch16_224_miil_in21k_Opset18.onnx new file mode 100644 index 000000000..3b00a927b --- /dev/null +++ b/Computer_Vision/vit_base_patch16_224_miil_in21k_Opset18_timm/vit_base_patch16_224_miil_in21k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:862989611650d008124d91855d3e759f6a4bb1b773522eca86c6b02e2994fbe4 +size 377695094 diff --git a/Computer_Vision/vit_base_patch16_384_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch16_384_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..59900f438 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_384_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.605167865753174 + set_success: 0.03141593933105469 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch16_384_timm_111a6875/onnx/vit_base_patch16_384_timm_111a6875-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch16_384.py +class: VisionTransformer +hash: 5a3b76a4 +model_name: vit_base_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 339420.6816 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 86859496 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch16_384_Opset16_timm/vit_base_patch16_384_Opset16.onnx b/Computer_Vision/vit_base_patch16_384_Opset16_timm/vit_base_patch16_384_Opset16.onnx new file mode 100644 index 000000000..a3567a10a --- /dev/null +++ b/Computer_Vision/vit_base_patch16_384_Opset16_timm/vit_base_patch16_384_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f1e5546fed192ba4cd828991988cb1498d48c07fbf371cc7f992756db3d748b +size 347566745 diff --git a/Computer_Vision/vit_base_patch16_384_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch16_384_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..646863ebd --- /dev/null +++ b/Computer_Vision/vit_base_patch16_384_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.982328176498413 + set_success: 0.02106475830078125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch16_384_timm_111a6875/onnx/vit_base_patch16_384_timm_111a6875-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch16_384.py +class: VisionTransformer +hash: 5a3b76a4 +model_name: vit_base_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 339390.0654 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 86859496 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch16_384_Opset17_timm/vit_base_patch16_384_Opset17.onnx b/Computer_Vision/vit_base_patch16_384_Opset17_timm/vit_base_patch16_384_Opset17.onnx new file mode 100644 index 000000000..fe4ed4432 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_384_Opset17_timm/vit_base_patch16_384_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33c992add872e92c298b73fced289e9b5efcfbf92c3e3660294ddc4e25843446 +size 347535394 diff --git a/Computer_Vision/vit_base_patch16_384_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch16_384_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2b7c1b6b8 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_384_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.182941675186157 + set_success: 0.028321027755737305 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch16_384_timm_111a6875/onnx/vit_base_patch16_384_timm_111a6875-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch16_384.py +class: VisionTransformer +hash: 5a3b76a4 +model_name: vit_base_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 339390.0654 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 86859496 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch16_384_Opset18_timm/vit_base_patch16_384_Opset18.onnx b/Computer_Vision/vit_base_patch16_384_Opset18_timm/vit_base_patch16_384_Opset18.onnx new file mode 100644 index 000000000..5044e9cc0 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_384_Opset18_timm/vit_base_patch16_384_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:057dd87f8d18a460c85d89312e05a3889d8523fa5b89a347d5920fb123a667b6 +size 347535394 diff --git a/Computer_Vision/vit_base_patch16_rpn_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch16_rpn_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4b8981e44 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_rpn_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.5947911739349365 + set_success: 0.018635272979736328 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch16_rpn_224_timm_e0cec5cc/onnx/vit_base_patch16_rpn_224_timm_e0cec5cc-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch16_rpn_224.py +class: VisionTransformer +hash: 0216c63e +model_name: vit_base_patch16_rpn_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 338164.0762 +onnx_ops_counter: + Add: 123 + Cast: 12 + Concat: 1 + Constant: 198 + Conv: 1 + Div: 49 + Erf: 12 + Gemm: 1 + MatMul: 72 + Mul: 73 + Pow: 25 + ReduceMean: 51 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 +parameters: 86538472 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch16_rpn_224_Opset16_timm/vit_base_patch16_rpn_224_Opset16.onnx b/Computer_Vision/vit_base_patch16_rpn_224_Opset16_timm/vit_base_patch16_rpn_224_Opset16.onnx new file mode 100644 index 000000000..4866bdfdf --- /dev/null +++ b/Computer_Vision/vit_base_patch16_rpn_224_Opset16_timm/vit_base_patch16_rpn_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7361067d35adfee08ae68a8e466afa9bd9d892cbf986020f809cfeff095c8347 +size 346279981 diff --git a/Computer_Vision/vit_base_patch16_rpn_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch16_rpn_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0ddbe6743 --- /dev/null +++ b/Computer_Vision/vit_base_patch16_rpn_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.669043779373169 + set_success: 0.01891469955444336 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch16_rpn_224_timm_e0cec5cc/onnx/vit_base_patch16_rpn_224_timm_e0cec5cc-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch16_rpn_224.py +class: VisionTransformer +hash: 0216c63e +model_name: vit_base_patch16_rpn_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 338133.1758 +onnx_ops_counter: + Add: 73 + Cast: 12 + Concat: 1 + Constant: 148 + Conv: 1 + Div: 24 + Erf: 12 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 48 + ReduceMean: 1 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 +parameters: 86538472 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch16_rpn_224_Opset17_timm/vit_base_patch16_rpn_224_Opset17.onnx b/Computer_Vision/vit_base_patch16_rpn_224_Opset17_timm/vit_base_patch16_rpn_224_Opset17.onnx new file mode 100644 index 000000000..844a9732d --- /dev/null +++ b/Computer_Vision/vit_base_patch16_rpn_224_Opset17_timm/vit_base_patch16_rpn_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b03c383f04e8e47720ceea22433a47e565b7740244845d9da96f463397af5ca5 +size 346248339 diff --git a/Computer_Vision/vit_base_patch32_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch32_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e4093d1fd --- /dev/null +++ b/Computer_Vision/vit_base_patch32_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.687448263168335 + set_success: 0.017314672470092773 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch32_224_timm_b37db58e/onnx/vit_base_patch32_224_timm_b37db58e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch32_224.py +class: VisionTransformer +hash: beab26ca +model_name: vit_base_patch32_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 344751.6807 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 88224232 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch32_224_Opset16_timm/vit_base_patch32_224_Opset16.onnx b/Computer_Vision/vit_base_patch32_224_Opset16_timm/vit_base_patch32_224_Opset16.onnx new file mode 100644 index 000000000..7ae0dd902 --- /dev/null +++ b/Computer_Vision/vit_base_patch32_224_Opset16_timm/vit_base_patch32_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0cd08e6bd595f4a7be6b2e5ef10a57ae14013b8ba2adc15b84f3fa7f4be0a85 +size 353025688 diff --git a/Computer_Vision/vit_base_patch32_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch32_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4cfa233ba --- /dev/null +++ b/Computer_Vision/vit_base_patch32_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.569433927536011 + set_success: 0.01760697364807129 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch32_224_timm_b37db58e/onnx/vit_base_patch32_224_timm_b37db58e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch32_224.py +class: VisionTransformer +hash: beab26ca +model_name: vit_base_patch32_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 344721.0645 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 88224232 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch32_224_Opset17_timm/vit_base_patch32_224_Opset17.onnx b/Computer_Vision/vit_base_patch32_224_Opset17_timm/vit_base_patch32_224_Opset17.onnx new file mode 100644 index 000000000..609ed2b75 --- /dev/null +++ b/Computer_Vision/vit_base_patch32_224_Opset17_timm/vit_base_patch32_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f288a783a0ceacee13924ccce338bccd02c06053f884c200a7755f619327a7d +size 352994337 diff --git a/Computer_Vision/vit_base_patch32_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch32_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5cde57888 --- /dev/null +++ b/Computer_Vision/vit_base_patch32_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.455185413360596 + set_success: 0.020191431045532227 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch32_224_timm_b37db58e/onnx/vit_base_patch32_224_timm_b37db58e-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch32_224.py +class: VisionTransformer +hash: beab26ca +model_name: vit_base_patch32_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 344721.0645 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 88224232 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch32_224_Opset18_timm/vit_base_patch32_224_Opset18.onnx b/Computer_Vision/vit_base_patch32_224_Opset18_timm/vit_base_patch32_224_Opset18.onnx new file mode 100644 index 000000000..010ef4a01 --- /dev/null +++ b/Computer_Vision/vit_base_patch32_224_Opset18_timm/vit_base_patch32_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cef5b52b59c5437a297fbc245f94f498fc1e78115ea0d740e2283efbadd11e8a +size 352994337 diff --git a/Computer_Vision/vit_base_patch32_224_in21k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch32_224_in21k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3f4ba7642 --- /dev/null +++ b/Computer_Vision/vit_base_patch32_224_in21k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.9054529666900635 + set_success: 0.016051530838012695 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch32_224_in21k_timm_b7510453/onnx/vit_base_patch32_224_in21k_timm_b7510453-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch32_224_in21k.py +class: VisionTransformer +hash: 638fe1cf +model_name: vit_base_patch32_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 407362.1035 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 104252499 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch32_224_in21k_Opset16_timm/vit_base_patch32_224_in21k_Opset16.onnx b/Computer_Vision/vit_base_patch32_224_in21k_Opset16_timm/vit_base_patch32_224_in21k_Opset16.onnx new file mode 100644 index 000000000..571ea4f8e --- /dev/null +++ b/Computer_Vision/vit_base_patch32_224_in21k_Opset16_timm/vit_base_patch32_224_in21k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b9af88724c6de9469d53380081f3dcd37c71be1d5edf9c87a85c3665e9f10a8d +size 417138761 diff --git a/Computer_Vision/vit_base_patch32_224_in21k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch32_224_in21k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d856b5ea5 --- /dev/null +++ b/Computer_Vision/vit_base_patch32_224_in21k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.928268671035767 + set_success: 0.01809835433959961 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch32_224_in21k_timm_b7510453/onnx/vit_base_patch32_224_in21k_timm_b7510453-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch32_224_in21k.py +class: VisionTransformer +hash: 638fe1cf +model_name: vit_base_patch32_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 407331.4873 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 104252499 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch32_224_in21k_Opset17_timm/vit_base_patch32_224_in21k_Opset17.onnx b/Computer_Vision/vit_base_patch32_224_in21k_Opset17_timm/vit_base_patch32_224_in21k_Opset17.onnx new file mode 100644 index 000000000..667459416 --- /dev/null +++ b/Computer_Vision/vit_base_patch32_224_in21k_Opset17_timm/vit_base_patch32_224_in21k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3913612fdcbd119aaf7b3df875992736c24ac1392346f4503cf73d4214c22e4d +size 417107410 diff --git a/Computer_Vision/vit_base_patch32_224_in21k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch32_224_in21k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a54d28b66 --- /dev/null +++ b/Computer_Vision/vit_base_patch32_224_in21k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.037423610687256 + set_success: 0.0191190242767334 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch32_224_in21k_timm_b7510453/onnx/vit_base_patch32_224_in21k_timm_b7510453-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch32_224_in21k.py +class: VisionTransformer +hash: 638fe1cf +model_name: vit_base_patch32_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 407331.4873 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 104252499 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch32_224_in21k_Opset18_timm/vit_base_patch32_224_in21k_Opset18.onnx b/Computer_Vision/vit_base_patch32_224_in21k_Opset18_timm/vit_base_patch32_224_in21k_Opset18.onnx new file mode 100644 index 000000000..71785fef5 --- /dev/null +++ b/Computer_Vision/vit_base_patch32_224_in21k_Opset18_timm/vit_base_patch32_224_in21k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1362b74d94d831401741cdaa65c7aaf2a72c8320eb40ecdba69884d67bfb24d9 +size 417107410 diff --git a/Computer_Vision/vit_base_patch32_384_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch32_384_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..00cd914f7 --- /dev/null +++ b/Computer_Vision/vit_base_patch32_384_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.981151342391968 + set_success: 0.017546415328979492 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch32_384_timm_1948d38a/onnx/vit_base_patch32_384_timm_1948d38a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch32_384.py +class: VisionTransformer +hash: beab26ca +model_name: vit_base_patch32_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 345036.6816 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 88297192 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch32_384_Opset16_timm/vit_base_patch32_384_Opset16.onnx b/Computer_Vision/vit_base_patch32_384_Opset16_timm/vit_base_patch32_384_Opset16.onnx new file mode 100644 index 000000000..0c655a983 --- /dev/null +++ b/Computer_Vision/vit_base_patch32_384_Opset16_timm/vit_base_patch32_384_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d7ab2a42c8919ad6bf4f33e635662372a6832aba239f3cc56f1f638be9cba0c +size 353317529 diff --git a/Computer_Vision/vit_base_patch32_384_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch32_384_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a2e6788b9 --- /dev/null +++ b/Computer_Vision/vit_base_patch32_384_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.489383935928345 + set_success: 0.017755746841430664 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch32_384_timm_1948d38a/onnx/vit_base_patch32_384_timm_1948d38a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch32_384.py +class: VisionTransformer +hash: beab26ca +model_name: vit_base_patch32_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 345006.0654 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 88297192 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch32_384_Opset17_timm/vit_base_patch32_384_Opset17.onnx b/Computer_Vision/vit_base_patch32_384_Opset17_timm/vit_base_patch32_384_Opset17.onnx new file mode 100644 index 000000000..f9acc5f72 --- /dev/null +++ b/Computer_Vision/vit_base_patch32_384_Opset17_timm/vit_base_patch32_384_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:94c3c4c26950c79d802bc590607f01cd87346dd4e0435f2991041bfdc99ed2b8 +size 353286178 diff --git a/Computer_Vision/vit_base_patch32_384_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch32_384_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..78379a076 --- /dev/null +++ b/Computer_Vision/vit_base_patch32_384_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.442004203796387 + set_success: 0.019657611846923828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch32_384_timm_1948d38a/onnx/vit_base_patch32_384_timm_1948d38a-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch32_384.py +class: VisionTransformer +hash: beab26ca +model_name: vit_base_patch32_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 345006.0654 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 88297192 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch32_384_Opset18_timm/vit_base_patch32_384_Opset18.onnx b/Computer_Vision/vit_base_patch32_384_Opset18_timm/vit_base_patch32_384_Opset18.onnx new file mode 100644 index 000000000..cec982ef9 --- /dev/null +++ b/Computer_Vision/vit_base_patch32_384_Opset18_timm/vit_base_patch32_384_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f0bd30f38d50928bb94957ea4864b0f286cf7ef02635acd794bfd5228a335a60 +size 353286178 diff --git a/Computer_Vision/vit_base_patch8_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch8_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5c13b97b7 --- /dev/null +++ b/Computer_Vision/vit_base_patch8_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.263075113296509 + set_success: 0.019569873809814453 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch8_224_timm_f570f81d/onnx/vit_base_patch8_224_timm_f570f81d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch8_224.py +class: VisionTransformer +hash: c77fc11f +model_name: vit_base_patch8_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 338316.6816 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 86576872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch8_224_Opset16_timm/vit_base_patch8_224_Opset16.onnx b/Computer_Vision/vit_base_patch8_224_Opset16_timm/vit_base_patch8_224_Opset16.onnx new file mode 100644 index 000000000..f89754ccc --- /dev/null +++ b/Computer_Vision/vit_base_patch8_224_Opset16_timm/vit_base_patch8_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46a9d9060c6936406227ff9b4f1c81091320a5f64761cd2838627d84ec72fffb +size 346436249 diff --git a/Computer_Vision/vit_base_patch8_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch8_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..24ddeb3d1 --- /dev/null +++ b/Computer_Vision/vit_base_patch8_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.0107481479644775 + set_success: 0.024250030517578125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch8_224_timm_f570f81d/onnx/vit_base_patch8_224_timm_f570f81d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch8_224.py +class: VisionTransformer +hash: c77fc11f +model_name: vit_base_patch8_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 338286.0654 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 86576872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch8_224_Opset17_timm/vit_base_patch8_224_Opset17.onnx b/Computer_Vision/vit_base_patch8_224_Opset17_timm/vit_base_patch8_224_Opset17.onnx new file mode 100644 index 000000000..29b6ebd75 --- /dev/null +++ b/Computer_Vision/vit_base_patch8_224_Opset17_timm/vit_base_patch8_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b133e60298815685ddec816be452891960ab3aa9342a5ba1e1725cba74dd3012 +size 346404898 diff --git a/Computer_Vision/vit_base_patch8_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch8_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0bc344d1c --- /dev/null +++ b/Computer_Vision/vit_base_patch8_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.028505325317383 + set_success: 0.027985811233520508 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch8_224_timm_f570f81d/onnx/vit_base_patch8_224_timm_f570f81d-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch8_224.py +class: VisionTransformer +hash: c77fc11f +model_name: vit_base_patch8_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 338286.0654 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 86576872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch8_224_Opset18_timm/vit_base_patch8_224_Opset18.onnx b/Computer_Vision/vit_base_patch8_224_Opset18_timm/vit_base_patch8_224_Opset18.onnx new file mode 100644 index 000000000..cc32a9276 --- /dev/null +++ b/Computer_Vision/vit_base_patch8_224_Opset18_timm/vit_base_patch8_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eecef2de1b6fbc1ccda74497a7e5cae9f8643096d4735bc6debd15cca15fb28c +size 346404898 diff --git a/Computer_Vision/vit_base_patch8_224_dino_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch8_224_dino_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3ce90011e --- /dev/null +++ b/Computer_Vision/vit_base_patch8_224_dino_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.944524765014648 + set_success: 0.021459102630615234 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch8_224_dino_timm_d5de0158/onnx/vit_base_patch8_224_dino_timm_d5de0158-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch8_224_dino.py +class: VisionTransformer +hash: 7b86d3c3 +model_name: vit_base_patch8_224_dino +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 335312.6084 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 85807872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch8_224_dino_Opset16_timm/vit_base_patch8_224_dino_Opset16.onnx b/Computer_Vision/vit_base_patch8_224_dino_Opset16_timm/vit_base_patch8_224_dino_Opset16.onnx new file mode 100644 index 000000000..3f223e988 --- /dev/null +++ b/Computer_Vision/vit_base_patch8_224_dino_Opset16_timm/vit_base_patch8_224_dino_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30a604c99d24f19f192adf7c7c914c62a3ae682c9726c9932a7e2ac4fa8771ef +size 343360078 diff --git a/Computer_Vision/vit_base_patch8_224_dino_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch8_224_dino_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a7204caf9 --- /dev/null +++ b/Computer_Vision/vit_base_patch8_224_dino_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.153001546859741 + set_success: 0.020451068878173828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch8_224_dino_timm_d5de0158/onnx/vit_base_patch8_224_dino_timm_d5de0158-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch8_224_dino.py +class: VisionTransformer +hash: 7b86d3c3 +model_name: vit_base_patch8_224_dino +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 335281.9922 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 85807872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch8_224_dino_Opset17_timm/vit_base_patch8_224_dino_Opset17.onnx b/Computer_Vision/vit_base_patch8_224_dino_Opset17_timm/vit_base_patch8_224_dino_Opset17.onnx new file mode 100644 index 000000000..2d1ead18b --- /dev/null +++ b/Computer_Vision/vit_base_patch8_224_dino_Opset17_timm/vit_base_patch8_224_dino_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4fbe5fef89fcf55c361e1c50798f5ba8a1db8a792b9cab56d267ecc8eaed86ce +size 343328727 diff --git a/Computer_Vision/vit_base_patch8_224_dino_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch8_224_dino_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2d0322192 --- /dev/null +++ b/Computer_Vision/vit_base_patch8_224_dino_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.023193120956421 + set_success: 0.024749279022216797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch8_224_dino_timm_d5de0158/onnx/vit_base_patch8_224_dino_timm_d5de0158-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch8_224_dino.py +class: VisionTransformer +hash: 7b86d3c3 +model_name: vit_base_patch8_224_dino +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 335281.9922 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 85807872 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch8_224_dino_Opset18_timm/vit_base_patch8_224_dino_Opset18.onnx b/Computer_Vision/vit_base_patch8_224_dino_Opset18_timm/vit_base_patch8_224_dino_Opset18.onnx new file mode 100644 index 000000000..fa50812df --- /dev/null +++ b/Computer_Vision/vit_base_patch8_224_dino_Opset18_timm/vit_base_patch8_224_dino_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fca4adde32bb34b43630a5a7afa0bd1174ad9f578009f2212699a93849b05afb +size 343328727 diff --git a/Computer_Vision/vit_base_patch8_224_in21k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch8_224_in21k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..35f9e7a42 --- /dev/null +++ b/Computer_Vision/vit_base_patch8_224_in21k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.471915006637573 + set_success: 0.020579099655151367 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch8_224_in21k_timm_cd4b2bab/onnx/vit_base_patch8_224_in21k_timm_cd4b2bab-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch8_224_in21k.py +class: VisionTransformer +hash: 0ea07e5f +model_name: vit_base_patch8_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 400927.1045 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 102605139 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch8_224_in21k_Opset16_timm/vit_base_patch8_224_in21k_Opset16.onnx b/Computer_Vision/vit_base_patch8_224_in21k_Opset16_timm/vit_base_patch8_224_in21k_Opset16.onnx new file mode 100644 index 000000000..575c4c718 --- /dev/null +++ b/Computer_Vision/vit_base_patch8_224_in21k_Opset16_timm/vit_base_patch8_224_in21k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b7d3680a59e7d1f8059e06457dbdb074125b5ff638f71f2733d1bb2a35450ba +size 410549322 diff --git a/Computer_Vision/vit_base_patch8_224_in21k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch8_224_in21k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..06d0b53ff --- /dev/null +++ b/Computer_Vision/vit_base_patch8_224_in21k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.505094528198242 + set_success: 0.021898746490478516 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch8_224_in21k_timm_cd4b2bab/onnx/vit_base_patch8_224_in21k_timm_cd4b2bab-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch8_224_in21k.py +class: VisionTransformer +hash: 0ea07e5f +model_name: vit_base_patch8_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 400896.4883 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 102605139 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch8_224_in21k_Opset17_timm/vit_base_patch8_224_in21k_Opset17.onnx b/Computer_Vision/vit_base_patch8_224_in21k_Opset17_timm/vit_base_patch8_224_in21k_Opset17.onnx new file mode 100644 index 000000000..782e64d2b --- /dev/null +++ b/Computer_Vision/vit_base_patch8_224_in21k_Opset17_timm/vit_base_patch8_224_in21k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a060ed68bfcf4b4b0d86f42595146da4995e2b35745c0587c88e87703ee63af0 +size 410517971 diff --git a/Computer_Vision/vit_base_patch8_224_in21k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_base_patch8_224_in21k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a63d3ad38 --- /dev/null +++ b/Computer_Vision/vit_base_patch8_224_in21k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.636158227920532 + set_success: 0.02856612205505371 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_base_patch8_224_in21k_timm_cd4b2bab/onnx/vit_base_patch8_224_in21k_timm_cd4b2bab-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_base_patch8_224_in21k.py +class: VisionTransformer +hash: 0ea07e5f +model_name: vit_base_patch8_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 400896.4883 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 102605139 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_base_patch8_224_in21k_Opset18_timm/vit_base_patch8_224_in21k_Opset18.onnx b/Computer_Vision/vit_base_patch8_224_in21k_Opset18_timm/vit_base_patch8_224_in21k_Opset18.onnx new file mode 100644 index 000000000..1139a2983 --- /dev/null +++ b/Computer_Vision/vit_base_patch8_224_in21k_Opset18_timm/vit_base_patch8_224_in21k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7158a10fe5da7a05cf9475c70eb1e1c555c42e8ed64cd12349cadff42285eecb +size 410517971 diff --git a/Computer_Vision/vit_l_16_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/vit_l_16_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..82660eb7b --- /dev/null +++ b/Computer_Vision/vit_l_16_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 21.70253849029541 + set_success: 0.027666568756103516 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_l_16_torch_hub_89f7684f/onnx/vit_l_16_torch_hub_89f7684f-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vit_l_16.py +class: VisionTransformer +hash: 44b6c5a5 +model_name: vit_l_16 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1189316.3916 +onnx_ops_counter: + Add: 267 + Cast: 24 + Concat: 25 + Constant: 681 + ConstantOfShape: 1 + Conv: 1 + Div: 97 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 73 + Gemm: 25 + MatMul: 120 + Mod: 24 + Mul: 146 + Pow: 49 + ReduceMean: 98 + Reshape: 265 + Shape: 48 + Slice: 72 + Softmax: 24 + Sqrt: 121 + Squeeze: 24 + Sub: 49 + Transpose: 193 + Unsqueeze: 24 + Where: 1 +parameters: 304326632 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_l_16_Opset16_torch_hub/vit_l_16_Opset16.onnx b/Computer_Vision/vit_l_16_Opset16_torch_hub/vit_l_16_Opset16.onnx new file mode 100644 index 000000000..898f5bf76 --- /dev/null +++ b/Computer_Vision/vit_l_16_Opset16_torch_hub/vit_l_16_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cfce87fc5e8e3a3a5325b1409e1be4b1c093be454e842d058aae04b6491c9ce5 +size 1217859952 diff --git a/Computer_Vision/vit_l_16_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/vit_l_16_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..a0d8634fa --- /dev/null +++ b/Computer_Vision/vit_l_16_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.728458166122437 + set_success: 0.023930072784423828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_l_16_torch_hub_89f7684f/onnx/vit_l_16_torch_hub_89f7684f-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vit_l_16.py +class: VisionTransformer +hash: 44b6c5a5 +model_name: vit_l_16 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1189233.8574 +onnx_ops_counter: + Add: 169 + Cast: 24 + Concat: 25 + Constant: 583 + ConstantOfShape: 1 + Conv: 1 + Div: 48 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 73 + Gemm: 25 + LayerNormalization: 49 + MatMul: 120 + Mod: 24 + Mul: 97 + Reshape: 265 + Shape: 48 + Slice: 72 + Softmax: 24 + Sqrt: 72 + Squeeze: 24 + Transpose: 193 + Unsqueeze: 24 + Where: 1 +parameters: 304326632 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_l_16_Opset17_torch_hub/vit_l_16_Opset17.onnx b/Computer_Vision/vit_l_16_Opset17_torch_hub/vit_l_16_Opset17.onnx new file mode 100644 index 000000000..17d941c70 --- /dev/null +++ b/Computer_Vision/vit_l_16_Opset17_torch_hub/vit_l_16_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8f9c23caafd36c4b263193310a81b4b100d594842b8e3faeeca3dddbf2daee6b +size 1217775437 diff --git a/Computer_Vision/vit_l_16_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/vit_l_16_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..ecb0cceac --- /dev/null +++ b/Computer_Vision/vit_l_16_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 18.792368412017822 + set_success: 0.022360801696777344 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_l_16_torch_hub_89f7684f/onnx/vit_l_16_torch_hub_89f7684f-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vit_l_16.py +class: VisionTransformer +hash: 44b6c5a5 +model_name: vit_l_16 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1189233.8574 +onnx_ops_counter: + Add: 169 + Cast: 24 + Concat: 25 + Constant: 583 + ConstantOfShape: 1 + Conv: 1 + Div: 48 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 73 + Gemm: 25 + LayerNormalization: 49 + MatMul: 120 + Mod: 24 + Mul: 97 + Reshape: 265 + Shape: 48 + Slice: 72 + Softmax: 24 + Sqrt: 72 + Squeeze: 24 + Transpose: 193 + Unsqueeze: 24 + Where: 1 +parameters: 304326632 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_l_16_Opset18_torch_hub/vit_l_16_Opset18.onnx b/Computer_Vision/vit_l_16_Opset18_torch_hub/vit_l_16_Opset18.onnx new file mode 100644 index 000000000..918245264 --- /dev/null +++ b/Computer_Vision/vit_l_16_Opset18_torch_hub/vit_l_16_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e16873bbc0364c9fc9b45f17e10530903c36ff8bc8394ebfe67cdb838473955c +size 1217775437 diff --git a/Computer_Vision/vit_l_32_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/vit_l_32_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..8f71a4de8 --- /dev/null +++ b/Computer_Vision/vit_l_32_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 18.691123247146606 + set_success: 0.01999640464782715 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_l_32_torch_hub_93cc6563/onnx/vit_l_32_torch_hub_93cc6563-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vit_l_32.py +class: VisionTransformer +hash: f137eddc +model_name: vit_l_32 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1197944.3906 +onnx_ops_counter: + Add: 267 + Cast: 24 + Concat: 25 + Constant: 681 + ConstantOfShape: 1 + Conv: 1 + Div: 97 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 73 + Gemm: 25 + MatMul: 120 + Mod: 24 + Mul: 146 + Pow: 49 + ReduceMean: 98 + Reshape: 265 + Shape: 48 + Slice: 72 + Softmax: 24 + Sqrt: 121 + Squeeze: 24 + Sub: 49 + Transpose: 193 + Unsqueeze: 24 + Where: 1 +parameters: 306535400 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_l_32_Opset16_torch_hub/vit_l_32_Opset16.onnx b/Computer_Vision/vit_l_32_Opset16_torch_hub/vit_l_32_Opset16.onnx new file mode 100644 index 000000000..aa655cf69 --- /dev/null +++ b/Computer_Vision/vit_l_32_Opset16_torch_hub/vit_l_32_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8c8a6fe07d729c97f1f419d825a46ec74dd0ebb1db40792a6868f576506739c +size 1226695023 diff --git a/Computer_Vision/vit_l_32_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/vit_l_32_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..c6b4ae3b3 --- /dev/null +++ b/Computer_Vision/vit_l_32_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.520232915878296 + set_success: 0.019550085067749023 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_l_32_torch_hub_93cc6563/onnx/vit_l_32_torch_hub_93cc6563-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vit_l_32.py +class: VisionTransformer +hash: f137eddc +model_name: vit_l_32 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1197861.8564 +onnx_ops_counter: + Add: 169 + Cast: 24 + Concat: 25 + Constant: 583 + ConstantOfShape: 1 + Conv: 1 + Div: 48 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 73 + Gemm: 25 + LayerNormalization: 49 + MatMul: 120 + Mod: 24 + Mul: 97 + Reshape: 265 + Shape: 48 + Slice: 72 + Softmax: 24 + Sqrt: 72 + Squeeze: 24 + Transpose: 193 + Unsqueeze: 24 + Where: 1 +parameters: 306535400 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_l_32_Opset17_torch_hub/vit_l_32_Opset17.onnx b/Computer_Vision/vit_l_32_Opset17_torch_hub/vit_l_32_Opset17.onnx new file mode 100644 index 000000000..7d7121ef1 --- /dev/null +++ b/Computer_Vision/vit_l_32_Opset17_torch_hub/vit_l_32_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eed8f1693a6e8393a9fc76e23607cdf00f9abd315b691c0b5b1df45352a4c0b8 +size 1226610508 diff --git a/Computer_Vision/vit_l_32_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/vit_l_32_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..61ad36186 --- /dev/null +++ b/Computer_Vision/vit_l_32_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.304749965667725 + set_success: 0.022080183029174805 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_l_32_torch_hub_93cc6563/onnx/vit_l_32_torch_hub_93cc6563-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/vit_l_32.py +class: VisionTransformer +hash: f137eddc +model_name: vit_l_32 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1197861.8564 +onnx_ops_counter: + Add: 169 + Cast: 24 + Concat: 25 + Constant: 583 + ConstantOfShape: 1 + Conv: 1 + Div: 48 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 73 + Gemm: 25 + LayerNormalization: 49 + MatMul: 120 + Mod: 24 + Mul: 97 + Reshape: 265 + Shape: 48 + Slice: 72 + Softmax: 24 + Sqrt: 72 + Squeeze: 24 + Transpose: 193 + Unsqueeze: 24 + Where: 1 +parameters: 306535400 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_l_32_Opset18_torch_hub/vit_l_32_Opset18.onnx b/Computer_Vision/vit_l_32_Opset18_torch_hub/vit_l_32_Opset18.onnx new file mode 100644 index 000000000..ddb791466 --- /dev/null +++ b/Computer_Vision/vit_l_32_Opset18_torch_hub/vit_l_32_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99da672c9a64f3fe96243b74ec89cc0e0489aad492fecf720baff43cfc10000f +size 1226610508 diff --git a/Computer_Vision/vit_large_patch16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_large_patch16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..583bc7570 --- /dev/null +++ b/Computer_Vision/vit_large_patch16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.096465587615967 + set_success: 0.025727272033691406 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_large_patch16_224_timm_eacf2cd0/onnx/vit_large_patch16_224_timm_eacf2cd0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_large_patch16_224.py +class: VisionTransformer +hash: c860e3ae +model_name: vit_large_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1189026.2988 +onnx_ops_counter: + Add: 267 + Cast: 24 + Concat: 2 + Constant: 394 + ConstantOfShape: 1 + Conv: 1 + Div: 97 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 144 + Mul: 146 + Pow: 49 + ReduceMean: 98 + Reshape: 49 + Shape: 25 + Slice: 25 + Softmax: 24 + Split: 24 + Sqrt: 121 + Squeeze: 72 + Sub: 49 + Transpose: 73 + Where: 1 +parameters: 304326632 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_large_patch16_224_Opset16_timm/vit_large_patch16_224_Opset16.onnx b/Computer_Vision/vit_large_patch16_224_Opset16_timm/vit_large_patch16_224_Opset16.onnx new file mode 100644 index 000000000..fbc10f297 --- /dev/null +++ b/Computer_Vision/vit_large_patch16_224_Opset16_timm/vit_large_patch16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62acd7c2c05c97c67096217ff433c8e45bbbf02851ddd01352c6e0a2119b88a1 +size 1217562897 diff --git a/Computer_Vision/vit_large_patch16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_large_patch16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9882c2b92 --- /dev/null +++ b/Computer_Vision/vit_large_patch16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.145691871643066 + set_success: 0.01998758316040039 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_large_patch16_224_timm_eacf2cd0/onnx/vit_large_patch16_224_timm_eacf2cd0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_large_patch16_224.py +class: VisionTransformer +hash: c860e3ae +model_name: vit_large_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1188965.1436 +onnx_ops_counter: + Add: 169 + Cast: 24 + Concat: 2 + Constant: 296 + ConstantOfShape: 1 + Conv: 1 + Div: 48 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 49 + MatMul: 144 + Mul: 97 + Reshape: 49 + Shape: 25 + Slice: 25 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 72 + Transpose: 73 + Where: 1 +parameters: 304326632 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_large_patch16_224_Opset17_timm/vit_large_patch16_224_Opset17.onnx b/Computer_Vision/vit_large_patch16_224_Opset17_timm/vit_large_patch16_224_Opset17.onnx new file mode 100644 index 000000000..17c535df6 --- /dev/null +++ b/Computer_Vision/vit_large_patch16_224_Opset17_timm/vit_large_patch16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4eda707e3545a8f2ab8e78289c437a2d1d14a6430d8492ce91ddf2d758ca9925 +size 1217500274 diff --git a/Computer_Vision/vit_large_patch16_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_large_patch16_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..125d0392d --- /dev/null +++ b/Computer_Vision/vit_large_patch16_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.24299716949463 + set_success: 0.024550676345825195 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_large_patch16_224_timm_eacf2cd0/onnx/vit_large_patch16_224_timm_eacf2cd0-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_large_patch16_224.py +class: VisionTransformer +hash: c860e3ae +model_name: vit_large_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1188965.1436 +onnx_ops_counter: + Add: 169 + Cast: 24 + Concat: 2 + Constant: 296 + ConstantOfShape: 1 + Conv: 1 + Div: 48 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 49 + MatMul: 144 + Mul: 97 + Reshape: 49 + Shape: 25 + Slice: 25 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 72 + Transpose: 73 + Where: 1 +parameters: 304326632 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_large_patch16_224_Opset18_timm/vit_large_patch16_224_Opset18.onnx b/Computer_Vision/vit_large_patch16_224_Opset18_timm/vit_large_patch16_224_Opset18.onnx new file mode 100644 index 000000000..0ea4674dc --- /dev/null +++ b/Computer_Vision/vit_large_patch16_224_Opset18_timm/vit_large_patch16_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0d0330051eec015063a98dcf090d48e428562945f2d33e43e9b95fd60314c41 +size 1217500274 diff --git a/Computer_Vision/vit_large_patch16_224_in21k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_large_patch16_224_in21k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9c89e60f8 --- /dev/null +++ b/Computer_Vision/vit_large_patch16_224_in21k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.187735080718994 + set_success: 0.02195000648498535 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_large_patch16_224_in21k_timm_481faad3/onnx/vit_large_patch16_224_in21k_timm_481faad3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_large_patch16_224_in21k.py +class: VisionTransformer +hash: d752df24 +model_name: vit_large_patch16_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1272479.7217 +onnx_ops_counter: + Add: 267 + Cast: 24 + Concat: 2 + Constant: 394 + ConstantOfShape: 1 + Conv: 1 + Div: 97 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 144 + Mul: 146 + Pow: 49 + ReduceMean: 98 + Reshape: 49 + Shape: 25 + Slice: 25 + Softmax: 24 + Split: 24 + Sqrt: 121 + Squeeze: 72 + Sub: 49 + Transpose: 73 + Where: 1 +parameters: 325690707 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_large_patch16_224_in21k_Opset16_timm/vit_large_patch16_224_in21k_Opset16.onnx b/Computer_Vision/vit_large_patch16_224_in21k_Opset16_timm/vit_large_patch16_224_in21k_Opset16.onnx new file mode 100644 index 000000000..ae6c7b6ed --- /dev/null +++ b/Computer_Vision/vit_large_patch16_224_in21k_Opset16_timm/vit_large_patch16_224_in21k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a72b9b2747df643d5b671d8b944b34b225f9d452cccc2c0ca4977b559eeb4d22 +size 1303019202 diff --git a/Computer_Vision/vit_large_patch16_224_in21k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_large_patch16_224_in21k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4d2c7b832 --- /dev/null +++ b/Computer_Vision/vit_large_patch16_224_in21k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.998942852020264 + set_success: 0.03155779838562012 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_large_patch16_224_in21k_timm_481faad3/onnx/vit_large_patch16_224_in21k_timm_481faad3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_large_patch16_224_in21k.py +class: VisionTransformer +hash: d752df24 +model_name: vit_large_patch16_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1272418.5664 +onnx_ops_counter: + Add: 169 + Cast: 24 + Concat: 2 + Constant: 296 + ConstantOfShape: 1 + Conv: 1 + Div: 48 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 49 + MatMul: 144 + Mul: 97 + Reshape: 49 + Shape: 25 + Slice: 25 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 72 + Transpose: 73 + Where: 1 +parameters: 325690707 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_large_patch16_224_in21k_Opset17_timm/vit_large_patch16_224_in21k_Opset17.onnx b/Computer_Vision/vit_large_patch16_224_in21k_Opset17_timm/vit_large_patch16_224_in21k_Opset17.onnx new file mode 100644 index 000000000..4796199e0 --- /dev/null +++ b/Computer_Vision/vit_large_patch16_224_in21k_Opset17_timm/vit_large_patch16_224_in21k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:083900fb570c254ba811667b705989be4d68218402f5790ba9619c002216d9e5 +size 1302956579 diff --git a/Computer_Vision/vit_large_patch16_224_in21k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_large_patch16_224_in21k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e4e955fe9 --- /dev/null +++ b/Computer_Vision/vit_large_patch16_224_in21k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.850382089614868 + set_success: 0.027106046676635742 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_large_patch16_224_in21k_timm_481faad3/onnx/vit_large_patch16_224_in21k_timm_481faad3-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_large_patch16_224_in21k.py +class: VisionTransformer +hash: d752df24 +model_name: vit_large_patch16_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1272418.5664 +onnx_ops_counter: + Add: 169 + Cast: 24 + Concat: 2 + Constant: 296 + ConstantOfShape: 1 + Conv: 1 + Div: 48 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 49 + MatMul: 144 + Mul: 97 + Reshape: 49 + Shape: 25 + Slice: 25 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 72 + Transpose: 73 + Where: 1 +parameters: 325690707 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_large_patch16_224_in21k_Opset18_timm/vit_large_patch16_224_in21k_Opset18.onnx b/Computer_Vision/vit_large_patch16_224_in21k_Opset18_timm/vit_large_patch16_224_in21k_Opset18.onnx new file mode 100644 index 000000000..54adc2648 --- /dev/null +++ b/Computer_Vision/vit_large_patch16_224_in21k_Opset18_timm/vit_large_patch16_224_in21k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b4624d0987ae0f87fd374e9442430e734adfd1bcd39e60fb531d1d21d793d456 +size 1302956579 diff --git a/Computer_Vision/vit_large_patch16_384_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_large_patch16_384_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..42efcc78f --- /dev/null +++ b/Computer_Vision/vit_large_patch16_384_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.758858919143677 + set_success: 0.02920222282409668 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_large_patch16_384_timm_dd211ac0/onnx/vit_large_patch16_384_timm_dd211ac0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_large_patch16_384.py +class: VisionTransformer +hash: c860e3ae +model_name: vit_large_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1190546.3008 +onnx_ops_counter: + Add: 267 + Cast: 24 + Concat: 2 + Constant: 394 + ConstantOfShape: 1 + Conv: 1 + Div: 97 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 144 + Mul: 146 + Pow: 49 + ReduceMean: 98 + Reshape: 49 + Shape: 25 + Slice: 25 + Softmax: 24 + Split: 24 + Sqrt: 121 + Squeeze: 72 + Sub: 49 + Transpose: 73 + Where: 1 +parameters: 304715752 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_large_patch16_384_Opset16_timm/vit_large_patch16_384_Opset16.onnx b/Computer_Vision/vit_large_patch16_384_Opset16_timm/vit_large_patch16_384_Opset16.onnx new file mode 100644 index 000000000..f3eb4c9bc --- /dev/null +++ b/Computer_Vision/vit_large_patch16_384_Opset16_timm/vit_large_patch16_384_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23dd05a0c9e3c72658c4d786a6d48b6c8ff811012303af2a68dee5f069de1dff +size 1219119379 diff --git a/Computer_Vision/vit_large_patch16_384_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_large_patch16_384_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ab5e75e18 --- /dev/null +++ b/Computer_Vision/vit_large_patch16_384_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.071608543395996 + set_success: 0.02455425262451172 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_large_patch16_384_timm_dd211ac0/onnx/vit_large_patch16_384_timm_dd211ac0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_large_patch16_384.py +class: VisionTransformer +hash: c860e3ae +model_name: vit_large_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1190485.1455 +onnx_ops_counter: + Add: 169 + Cast: 24 + Concat: 2 + Constant: 296 + ConstantOfShape: 1 + Conv: 1 + Div: 48 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 49 + MatMul: 144 + Mul: 97 + Reshape: 49 + Shape: 25 + Slice: 25 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 72 + Transpose: 73 + Where: 1 +parameters: 304715752 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_large_patch16_384_Opset17_timm/vit_large_patch16_384_Opset17.onnx b/Computer_Vision/vit_large_patch16_384_Opset17_timm/vit_large_patch16_384_Opset17.onnx new file mode 100644 index 000000000..adb16f912 --- /dev/null +++ b/Computer_Vision/vit_large_patch16_384_Opset17_timm/vit_large_patch16_384_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05eb00a19681f561532f6f3d466ddbaab4a6d0a243949fc72e468807d2825a59 +size 1219056756 diff --git a/Computer_Vision/vit_large_patch16_384_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_large_patch16_384_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2a24ffabd --- /dev/null +++ b/Computer_Vision/vit_large_patch16_384_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.160688161849976 + set_success: 0.024805545806884766 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_large_patch16_384_timm_dd211ac0/onnx/vit_large_patch16_384_timm_dd211ac0-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_large_patch16_384.py +class: VisionTransformer +hash: c860e3ae +model_name: vit_large_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1190485.1455 +onnx_ops_counter: + Add: 169 + Cast: 24 + Concat: 2 + Constant: 296 + ConstantOfShape: 1 + Conv: 1 + Div: 48 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 49 + MatMul: 144 + Mul: 97 + Reshape: 49 + Shape: 25 + Slice: 25 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 72 + Transpose: 73 + Where: 1 +parameters: 304715752 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_large_patch16_384_Opset18_timm/vit_large_patch16_384_Opset18.onnx b/Computer_Vision/vit_large_patch16_384_Opset18_timm/vit_large_patch16_384_Opset18.onnx new file mode 100644 index 000000000..8c60a1fc2 --- /dev/null +++ b/Computer_Vision/vit_large_patch16_384_Opset18_timm/vit_large_patch16_384_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7324a1fced5f934c143f2c00b50b4d7ae8500ef1750120e51b9be2755613d1ad +size 1219056756 diff --git a/Computer_Vision/vit_large_patch32_384_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_large_patch32_384_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6c9d34a78 --- /dev/null +++ b/Computer_Vision/vit_large_patch32_384_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.506104230880737 + set_success: 0.020165681838989258 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_large_patch32_384_timm_95a0f74d/onnx/vit_large_patch32_384_timm_95a0f74d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_large_patch32_384.py +class: VisionTransformer +hash: fac89408 +model_name: vit_large_patch32_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1198034.2988 +onnx_ops_counter: + Add: 267 + Cast: 24 + Concat: 2 + Constant: 394 + ConstantOfShape: 1 + Conv: 1 + Div: 97 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 144 + Mul: 146 + Pow: 49 + ReduceMean: 98 + Reshape: 49 + Shape: 25 + Slice: 25 + Softmax: 24 + Split: 24 + Sqrt: 121 + Squeeze: 72 + Sub: 49 + Transpose: 73 + Where: 1 +parameters: 306632680 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_large_patch32_384_Opset16_timm/vit_large_patch32_384_Opset16.onnx b/Computer_Vision/vit_large_patch32_384_Opset16_timm/vit_large_patch32_384_Opset16.onnx new file mode 100644 index 000000000..692ca63dc --- /dev/null +++ b/Computer_Vision/vit_large_patch32_384_Opset16_timm/vit_large_patch32_384_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:401b46109c18ac6e67a2530a72ff6bf532abf8bc1b8121ebed520d88d00a4310 +size 1226787089 diff --git a/Computer_Vision/vit_large_patch32_384_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_large_patch32_384_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..48819b2b4 --- /dev/null +++ b/Computer_Vision/vit_large_patch32_384_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.150675535202026 + set_success: 0.02097773551940918 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_large_patch32_384_timm_95a0f74d/onnx/vit_large_patch32_384_timm_95a0f74d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_large_patch32_384.py +class: VisionTransformer +hash: fac89408 +model_name: vit_large_patch32_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1197973.1436 +onnx_ops_counter: + Add: 169 + Cast: 24 + Concat: 2 + Constant: 296 + ConstantOfShape: 1 + Conv: 1 + Div: 48 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 49 + MatMul: 144 + Mul: 97 + Reshape: 49 + Shape: 25 + Slice: 25 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 72 + Transpose: 73 + Where: 1 +parameters: 306632680 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_large_patch32_384_Opset17_timm/vit_large_patch32_384_Opset17.onnx b/Computer_Vision/vit_large_patch32_384_Opset17_timm/vit_large_patch32_384_Opset17.onnx new file mode 100644 index 000000000..76f0e3206 --- /dev/null +++ b/Computer_Vision/vit_large_patch32_384_Opset17_timm/vit_large_patch32_384_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96a744b37af103e9719e51ed49c8dfc98b51b30e36ab4c0665812b4dad73397b +size 1226724466 diff --git a/Computer_Vision/vit_large_patch32_384_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_large_patch32_384_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..03dcd552f --- /dev/null +++ b/Computer_Vision/vit_large_patch32_384_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.100468397140503 + set_success: 0.019843101501464844 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_large_patch32_384_timm_95a0f74d/onnx/vit_large_patch32_384_timm_95a0f74d-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_large_patch32_384.py +class: VisionTransformer +hash: fac89408 +model_name: vit_large_patch32_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1197973.1436 +onnx_ops_counter: + Add: 169 + Cast: 24 + Concat: 2 + Constant: 296 + ConstantOfShape: 1 + Conv: 1 + Div: 48 + Equal: 1 + Erf: 24 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 49 + MatMul: 144 + Mul: 97 + Reshape: 49 + Shape: 25 + Slice: 25 + Softmax: 24 + Split: 24 + Sqrt: 72 + Squeeze: 72 + Transpose: 73 + Where: 1 +parameters: 306632680 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_large_patch32_384_Opset18_timm/vit_large_patch32_384_Opset18.onnx b/Computer_Vision/vit_large_patch32_384_Opset18_timm/vit_large_patch32_384_Opset18.onnx new file mode 100644 index 000000000..baeb33b39 --- /dev/null +++ b/Computer_Vision/vit_large_patch32_384_Opset18_timm/vit_large_patch32_384_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d44a1fd7882c04117952464b0714bcdedad8ac172c113f773b5fcee68638b681 +size 1226724466 diff --git a/Computer_Vision/vit_relpos_base_patch16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_relpos_base_patch16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..aa25d44c0 --- /dev/null +++ b/Computer_Vision/vit_relpos_base_patch16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.128227949142456 + set_success: 0.020049333572387695 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_relpos_base_patch16_224_timm_a2128bf4/onnx/vit_relpos_base_patch16_224_timm_a2128bf4-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_relpos_base_patch16_224.py +class: VisionTransformerRelPos +hash: b6414a30 +model_name: vit_relpos_base_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 338117.042 +onnx_ops_counter: + Add: 158 + Cast: 12 + Concat: 1 + Constant: 247 + Conv: 1 + Div: 49 + Erf: 12 + Gather: 12 + Gemm: 1 + MatMul: 96 + Mul: 97 + Pow: 25 + ReduceMean: 51 + Relu: 12 + Reshape: 49 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 49 + Unsqueeze: 12 +parameters: 86429560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_relpos_base_patch16_224_Opset16_timm/vit_relpos_base_patch16_224_Opset16.onnx b/Computer_Vision/vit_relpos_base_patch16_224_Opset16_timm/vit_relpos_base_patch16_224_Opset16.onnx new file mode 100644 index 000000000..9f1644f30 --- /dev/null +++ b/Computer_Vision/vit_relpos_base_patch16_224_Opset16_timm/vit_relpos_base_patch16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd3efebeb9374e9d5d38551ea5eaa5639e383dc49aea63eb34c846a2116f8ad6 +size 346231818 diff --git a/Computer_Vision/vit_relpos_base_patch16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_relpos_base_patch16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..05a690b39 --- /dev/null +++ b/Computer_Vision/vit_relpos_base_patch16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.201759099960327 + set_success: 0.020460128784179688 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_relpos_base_patch16_224_timm_a2128bf4/onnx/vit_relpos_base_patch16_224_timm_a2128bf4-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_relpos_base_patch16_224.py +class: VisionTransformerRelPos +hash: b6414a30 +model_name: vit_relpos_base_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 338091.7354 +onnx_ops_counter: + Add: 108 + Cast: 12 + Concat: 1 + Constant: 197 + Conv: 1 + Div: 24 + Erf: 12 + Gather: 12 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 72 + ReduceMean: 1 + Relu: 12 + Reshape: 49 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 49 + Unsqueeze: 12 +parameters: 86429560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_relpos_base_patch16_224_Opset17_timm/vit_relpos_base_patch16_224_Opset17.onnx b/Computer_Vision/vit_relpos_base_patch16_224_Opset17_timm/vit_relpos_base_patch16_224_Opset17.onnx new file mode 100644 index 000000000..803266626 --- /dev/null +++ b/Computer_Vision/vit_relpos_base_patch16_224_Opset17_timm/vit_relpos_base_patch16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bb49888692f164a6894e00b7fc4cadf403e99f59eeec7a0382ed45d2e05c2cc8 +size 346205904 diff --git a/Computer_Vision/vit_relpos_base_patch16_clsgap_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_relpos_base_patch16_clsgap_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..624a22f44 --- /dev/null +++ b/Computer_Vision/vit_relpos_base_patch16_clsgap_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.714669466018677 + set_success: 0.01818561553955078 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_relpos_base_patch16_clsgap_224_timm_a2128bf4/onnx/vit_relpos_base_patch16_clsgap_224_timm_a2128bf4-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_relpos_base_patch16_clsgap_224.py +class: VisionTransformerRelPos +hash: b6414a30 +model_name: vit_relpos_base_patch16_clsgap_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 338146.3418 +onnx_ops_counter: + Add: 158 + Cast: 24 + Concat: 14 + Constant: 350 + ConstantOfShape: 13 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 12 + Gemm: 1 + MatMul: 96 + Mul: 98 + Pad: 12 + Pow: 25 + ReduceMean: 51 + Relu: 12 + Reshape: 73 + Shape: 13 + Slice: 26 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 61 + Unsqueeze: 12 + Where: 1 +parameters: 86430328 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_relpos_base_patch16_clsgap_224_Opset16_timm/vit_relpos_base_patch16_clsgap_224_Opset16.onnx b/Computer_Vision/vit_relpos_base_patch16_clsgap_224_Opset16_timm/vit_relpos_base_patch16_clsgap_224_Opset16.onnx new file mode 100644 index 000000000..13e7b1d0d --- /dev/null +++ b/Computer_Vision/vit_relpos_base_patch16_clsgap_224_Opset16_timm/vit_relpos_base_patch16_clsgap_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd1a3bd4a840d15f6d421fc3bb201490252c2723118f8af3a6cace7ab63abc5e +size 346261821 diff --git a/Computer_Vision/vit_relpos_base_patch16_clsgap_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_relpos_base_patch16_clsgap_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b0bd3d968 --- /dev/null +++ b/Computer_Vision/vit_relpos_base_patch16_clsgap_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.107271909713745 + set_success: 0.019413471221923828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_relpos_base_patch16_clsgap_224_timm_a2128bf4/onnx/vit_relpos_base_patch16_clsgap_224_timm_a2128bf4-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_relpos_base_patch16_clsgap_224.py +class: VisionTransformerRelPos +hash: b6414a30 +model_name: vit_relpos_base_patch16_clsgap_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 338121.0508 +onnx_ops_counter: + Add: 108 + Cast: 24 + Concat: 14 + Constant: 300 + ConstantOfShape: 13 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 12 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 73 + Pad: 12 + ReduceMean: 1 + Relu: 12 + Reshape: 73 + Shape: 13 + Slice: 26 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 61 + Unsqueeze: 12 + Where: 1 +parameters: 86430328 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_relpos_base_patch16_clsgap_224_Opset17_timm/vit_relpos_base_patch16_clsgap_224_Opset17.onnx b/Computer_Vision/vit_relpos_base_patch16_clsgap_224_Opset17_timm/vit_relpos_base_patch16_clsgap_224_Opset17.onnx new file mode 100644 index 000000000..2f0f3906b --- /dev/null +++ b/Computer_Vision/vit_relpos_base_patch16_clsgap_224_Opset17_timm/vit_relpos_base_patch16_clsgap_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7cb8caa7f0011f96a1cc3d7cede39246f3d9e701a8c28be8e62e0623bdb044e2 +size 346235923 diff --git a/Computer_Vision/vit_relpos_base_patch32_plus_rpn_256_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_relpos_base_patch32_plus_rpn_256_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b4686b1e1 --- /dev/null +++ b/Computer_Vision/vit_relpos_base_patch32_plus_rpn_256_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.95914101600647 + set_success: 0.017602205276489258 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_relpos_base_patch32_plus_rpn_256_timm_c192fed6/onnx/vit_relpos_base_patch32_plus_rpn_256_timm_c192fed6-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_relpos_base_patch32_plus_rpn_256.py +class: VisionTransformerRelPos +hash: 884d8403 +model_name: vit_relpos_base_patch32_plus_rpn_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 466684.0615 +onnx_ops_counter: + Add: 170 + Cast: 12 + Concat: 1 + Constant: 247 + Conv: 1 + Div: 49 + Erf: 12 + Gather: 12 + Gemm: 1 + MatMul: 96 + Mul: 73 + Pow: 25 + ReduceMean: 51 + Relu: 12 + Reshape: 49 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 49 + Unsqueeze: 12 +parameters: 119423760 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_relpos_base_patch32_plus_rpn_256_Opset16_timm/vit_relpos_base_patch32_plus_rpn_256_Opset16.onnx b/Computer_Vision/vit_relpos_base_patch32_plus_rpn_256_Opset16_timm/vit_relpos_base_patch32_plus_rpn_256_Opset16.onnx new file mode 100644 index 000000000..1512e1f29 --- /dev/null +++ b/Computer_Vision/vit_relpos_base_patch32_plus_rpn_256_Opset16_timm/vit_relpos_base_patch32_plus_rpn_256_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5efd09440b9836ad2a8dcd5f1169a9de531eb39b2d49ee6bfd8d9332de81823a +size 477884446 diff --git a/Computer_Vision/vit_relpos_base_patch32_plus_rpn_256_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_relpos_base_patch32_plus_rpn_256_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0d8f608a1 --- /dev/null +++ b/Computer_Vision/vit_relpos_base_patch32_plus_rpn_256_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.958084344863892 + set_success: 0.0180819034576416 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_relpos_base_patch32_plus_rpn_256_timm_c192fed6/onnx/vit_relpos_base_patch32_plus_rpn_256_timm_c192fed6-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_relpos_base_patch32_plus_rpn_256.py +class: VisionTransformerRelPos +hash: 884d8403 +model_name: vit_relpos_base_patch32_plus_rpn_256 +onnx_input_dimensions: + x: + - 1 + - 3 + - 256 + - 256 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 466658.6094 +onnx_ops_counter: + Add: 120 + Cast: 12 + Concat: 1 + Constant: 197 + Conv: 1 + Div: 24 + Erf: 12 + Gather: 12 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 48 + ReduceMean: 1 + Relu: 12 + Reshape: 49 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 49 + Unsqueeze: 12 +parameters: 119423760 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_relpos_base_patch32_plus_rpn_256_Opset17_timm/vit_relpos_base_patch32_plus_rpn_256_Opset17.onnx b/Computer_Vision/vit_relpos_base_patch32_plus_rpn_256_Opset17_timm/vit_relpos_base_patch32_plus_rpn_256_Opset17.onnx new file mode 100644 index 000000000..b13ce70d4 --- /dev/null +++ b/Computer_Vision/vit_relpos_base_patch32_plus_rpn_256_Opset17_timm/vit_relpos_base_patch32_plus_rpn_256_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5bd54e498858f3e31e93f715e40fec6b7706fc5e5e009345c780bcda66ebb704 +size 477858383 diff --git a/Computer_Vision/vit_relpos_medium_patch16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_relpos_medium_patch16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2599bcb6a --- /dev/null +++ b/Computer_Vision/vit_relpos_medium_patch16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.35245943069458 + set_success: 0.018608808517456055 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_relpos_medium_patch16_224_timm_d6c1d1af/onnx/vit_relpos_medium_patch16_224_timm_d6c1d1af-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_relpos_medium_patch16_224.py +class: VisionTransformerRelPos +hash: fd2a2e8f +model_name: vit_relpos_medium_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 151857.8262 +onnx_ops_counter: + Add: 158 + Cast: 12 + Concat: 1 + Constant: 247 + Conv: 1 + Div: 49 + Erf: 12 + Gather: 12 + Gemm: 1 + MatMul: 96 + Mul: 97 + Pow: 25 + ReduceMean: 51 + Relu: 12 + Reshape: 49 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 49 + Unsqueeze: 12 +parameters: 38747208 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_relpos_medium_patch16_224_Opset16_timm/vit_relpos_medium_patch16_224_Opset16.onnx b/Computer_Vision/vit_relpos_medium_patch16_224_Opset16_timm/vit_relpos_medium_patch16_224_Opset16.onnx new file mode 100644 index 000000000..2913d645f --- /dev/null +++ b/Computer_Vision/vit_relpos_medium_patch16_224_Opset16_timm/vit_relpos_medium_patch16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e24a103efa4ec95e0f2b56731e8d0c43189f97c47dff2bae00192c9c70f5b6c6 +size 155502381 diff --git a/Computer_Vision/vit_relpos_medium_patch16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_relpos_medium_patch16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d0edb5fba --- /dev/null +++ b/Computer_Vision/vit_relpos_medium_patch16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.1257591247558594 + set_success: 0.017663955688476562 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_relpos_medium_patch16_224_timm_d6c1d1af/onnx/vit_relpos_medium_patch16_224_timm_d6c1d1af-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_relpos_medium_patch16_224.py +class: VisionTransformerRelPos +hash: fd2a2e8f +model_name: vit_relpos_medium_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 151832.5195 +onnx_ops_counter: + Add: 108 + Cast: 12 + Concat: 1 + Constant: 197 + Conv: 1 + Div: 24 + Erf: 12 + Gather: 12 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 72 + ReduceMean: 1 + Relu: 12 + Reshape: 49 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 49 + Unsqueeze: 12 +parameters: 38747208 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_relpos_medium_patch16_224_Opset17_timm/vit_relpos_medium_patch16_224_Opset17.onnx b/Computer_Vision/vit_relpos_medium_patch16_224_Opset17_timm/vit_relpos_medium_patch16_224_Opset17.onnx new file mode 100644 index 000000000..6afd8efde --- /dev/null +++ b/Computer_Vision/vit_relpos_medium_patch16_224_Opset17_timm/vit_relpos_medium_patch16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1629d8ac4933d73189d95d1103472881485ce874e7fea96275ea4327792f1cd +size 155476467 diff --git a/Computer_Vision/vit_relpos_medium_patch16_cls_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_relpos_medium_patch16_cls_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3d061d35e --- /dev/null +++ b/Computer_Vision/vit_relpos_medium_patch16_cls_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.5277769565582275 + set_success: 0.01892566680908203 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_relpos_medium_patch16_cls_224_timm_4b4b90ed/onnx/vit_relpos_medium_patch16_cls_224_timm_4b4b90ed-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_relpos_medium_patch16_cls_224.py +class: VisionTransformerRelPos +hash: 1e72c925 +model_name: vit_relpos_medium_patch16_cls_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 151951.6523 +onnx_ops_counter: + Add: 158 + Cast: 24 + Concat: 14 + Constant: 347 + ConstantOfShape: 13 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 13 + Gemm: 1 + MatMul: 96 + Mul: 98 + Pad: 12 + Pow: 25 + ReduceMean: 50 + Relu: 12 + Reshape: 73 + Shape: 13 + Slice: 25 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 61 + Unsqueeze: 12 + Where: 1 +parameters: 38764616 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_relpos_medium_patch16_cls_224_Opset16_timm/vit_relpos_medium_patch16_cls_224_Opset16.onnx b/Computer_Vision/vit_relpos_medium_patch16_cls_224_Opset16_timm/vit_relpos_medium_patch16_cls_224_Opset16.onnx new file mode 100644 index 000000000..6159d748d --- /dev/null +++ b/Computer_Vision/vit_relpos_medium_patch16_cls_224_Opset16_timm/vit_relpos_medium_patch16_cls_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1dde4f4093c36771ae04dad314e4f09d62e7cf61e40bb5fd843a2af7d85c045e +size 155598459 diff --git a/Computer_Vision/vit_relpos_medium_patch16_cls_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_relpos_medium_patch16_cls_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..aabd7ad88 --- /dev/null +++ b/Computer_Vision/vit_relpos_medium_patch16_cls_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.3712563514709473 + set_success: 0.017748594284057617 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_relpos_medium_patch16_cls_224_timm_4b4b90ed/onnx/vit_relpos_medium_patch16_cls_224_timm_4b4b90ed-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_relpos_medium_patch16_cls_224.py +class: VisionTransformerRelPos +hash: 1e72c925 +model_name: vit_relpos_medium_patch16_cls_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 151926.4463 +onnx_ops_counter: + Add: 108 + Cast: 24 + Concat: 14 + Constant: 297 + ConstantOfShape: 13 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 13 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 73 + Pad: 12 + Relu: 12 + Reshape: 73 + Shape: 13 + Slice: 25 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 61 + Unsqueeze: 12 + Where: 1 +parameters: 38764616 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_relpos_medium_patch16_cls_224_Opset17_timm/vit_relpos_medium_patch16_cls_224_Opset17.onnx b/Computer_Vision/vit_relpos_medium_patch16_cls_224_Opset17_timm/vit_relpos_medium_patch16_cls_224_Opset17.onnx new file mode 100644 index 000000000..4cd22f4f9 --- /dev/null +++ b/Computer_Vision/vit_relpos_medium_patch16_cls_224_Opset17_timm/vit_relpos_medium_patch16_cls_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3a2ad9d2430e6e157cce13b6829f7d51cb0eeeca94b2c1e1577761b35815611 +size 155572648 diff --git a/Computer_Vision/vit_relpos_medium_patch16_cls_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_relpos_medium_patch16_cls_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1af4819e6 --- /dev/null +++ b/Computer_Vision/vit_relpos_medium_patch16_cls_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.2695329189300537 + set_success: 0.023651838302612305 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_relpos_medium_patch16_cls_224_timm_4b4b90ed/onnx/vit_relpos_medium_patch16_cls_224_timm_4b4b90ed-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_relpos_medium_patch16_cls_224.py +class: VisionTransformerRelPos +hash: 1e72c925 +model_name: vit_relpos_medium_patch16_cls_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 151926.4463 +onnx_ops_counter: + Add: 108 + Cast: 24 + Concat: 14 + Constant: 297 + ConstantOfShape: 13 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 13 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 73 + Pad: 12 + Relu: 12 + Reshape: 73 + Shape: 13 + Slice: 25 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 61 + Unsqueeze: 12 + Where: 1 +parameters: 38764616 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_relpos_medium_patch16_cls_224_Opset18_timm/vit_relpos_medium_patch16_cls_224_Opset18.onnx b/Computer_Vision/vit_relpos_medium_patch16_cls_224_Opset18_timm/vit_relpos_medium_patch16_cls_224_Opset18.onnx new file mode 100644 index 000000000..915222077 --- /dev/null +++ b/Computer_Vision/vit_relpos_medium_patch16_cls_224_Opset18_timm/vit_relpos_medium_patch16_cls_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9fb2c321454c3278a4f77847c1077f3e9f1219b767e56d55b178780af9c7f92b +size 155572648 diff --git a/Computer_Vision/vit_relpos_medium_patch16_rpn_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_relpos_medium_patch16_rpn_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6beba515c --- /dev/null +++ b/Computer_Vision/vit_relpos_medium_patch16_rpn_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.2475969791412354 + set_success: 0.01758599281311035 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_relpos_medium_patch16_rpn_224_timm_47e47c21/onnx/vit_relpos_medium_patch16_rpn_224_timm_47e47c21-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_relpos_medium_patch16_rpn_224.py +class: VisionTransformerRelPos +hash: 145f7119 +model_name: vit_relpos_medium_patch16_rpn_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 151806.79 +onnx_ops_counter: + Add: 158 + Cast: 12 + Concat: 1 + Constant: 247 + Conv: 1 + Div: 49 + Erf: 12 + Gather: 12 + Gemm: 1 + MatMul: 96 + Mul: 73 + Pow: 25 + ReduceMean: 51 + Relu: 12 + Reshape: 49 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 49 + Unsqueeze: 12 +parameters: 38734920 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_relpos_medium_patch16_rpn_224_Opset16_timm/vit_relpos_medium_patch16_rpn_224_Opset16.onnx b/Computer_Vision/vit_relpos_medium_patch16_rpn_224_Opset16_timm/vit_relpos_medium_patch16_rpn_224_Opset16.onnx new file mode 100644 index 000000000..c7ec2b24b --- /dev/null +++ b/Computer_Vision/vit_relpos_medium_patch16_rpn_224_Opset16_timm/vit_relpos_medium_patch16_rpn_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f18a524fb51d61c2a940815f78a5d8f75f819e76ad4a6993f9f177a0721ffde +size 155450120 diff --git a/Computer_Vision/vit_relpos_medium_patch16_rpn_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_relpos_medium_patch16_rpn_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3c9d10935 --- /dev/null +++ b/Computer_Vision/vit_relpos_medium_patch16_rpn_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.847008228302002 + set_success: 0.021143436431884766 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_relpos_medium_patch16_rpn_224_timm_47e47c21/onnx/vit_relpos_medium_patch16_rpn_224_timm_47e47c21-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_relpos_medium_patch16_rpn_224.py +class: VisionTransformerRelPos +hash: 145f7119 +model_name: vit_relpos_medium_patch16_rpn_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 151781.3379 +onnx_ops_counter: + Add: 108 + Cast: 12 + Concat: 1 + Constant: 197 + Conv: 1 + Div: 24 + Erf: 12 + Gather: 12 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 48 + ReduceMean: 1 + Relu: 12 + Reshape: 49 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 49 + Unsqueeze: 12 +parameters: 38734920 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_relpos_medium_patch16_rpn_224_Opset17_timm/vit_relpos_medium_patch16_rpn_224_Opset17.onnx b/Computer_Vision/vit_relpos_medium_patch16_rpn_224_Opset17_timm/vit_relpos_medium_patch16_rpn_224_Opset17.onnx new file mode 100644 index 000000000..0bc01d723 --- /dev/null +++ b/Computer_Vision/vit_relpos_medium_patch16_rpn_224_Opset17_timm/vit_relpos_medium_patch16_rpn_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e057ae22ef9f3960969b9a1305f913a12240fd7c3fc71bee6a65ff66e33cfb69 +size 155424057 diff --git a/Computer_Vision/vit_relpos_small_patch16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_relpos_small_patch16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ee3c6b683 --- /dev/null +++ b/Computer_Vision/vit_relpos_small_patch16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.6729938983917236 + set_success: 0.025591611862182617 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_relpos_small_patch16_224_timm_57c7edc6/onnx/vit_relpos_small_patch16_224_timm_57c7edc6-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_relpos_small_patch16_224.py +class: VisionTransformerRelPos +hash: 5d44962b +model_name: vit_relpos_small_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 86376.209 +onnx_ops_counter: + Add: 158 + Cast: 12 + Concat: 1 + Constant: 247 + Conv: 1 + Div: 49 + Erf: 12 + Gather: 12 + Gemm: 1 + MatMul: 96 + Mul: 97 + Pow: 25 + ReduceMean: 51 + Relu: 12 + Reshape: 49 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 49 + Unsqueeze: 12 +parameters: 21983920 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_relpos_small_patch16_224_Opset16_timm/vit_relpos_small_patch16_224_Opset16.onnx b/Computer_Vision/vit_relpos_small_patch16_224_Opset16_timm/vit_relpos_small_patch16_224_Opset16.onnx new file mode 100644 index 000000000..5304bc6bb --- /dev/null +++ b/Computer_Vision/vit_relpos_small_patch16_224_Opset16_timm/vit_relpos_small_patch16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47f5b0baf8193762c1c0f8fa9780c9110a79309e22fafdf9c9f7d6a29519275a +size 88449205 diff --git a/Computer_Vision/vit_relpos_small_patch16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_relpos_small_patch16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d586e8c82 --- /dev/null +++ b/Computer_Vision/vit_relpos_small_patch16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.269376516342163 + set_success: 0.019742488861083984 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_relpos_small_patch16_224_timm_57c7edc6/onnx/vit_relpos_small_patch16_224_timm_57c7edc6-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_relpos_small_patch16_224.py +class: VisionTransformerRelPos +hash: 5d44962b +model_name: vit_relpos_small_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 86350.9023 +onnx_ops_counter: + Add: 108 + Cast: 12 + Concat: 1 + Constant: 197 + Conv: 1 + Div: 24 + Erf: 12 + Gather: 12 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 72 + ReduceMean: 1 + Relu: 12 + Reshape: 49 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 49 + Unsqueeze: 12 +parameters: 21983920 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_relpos_small_patch16_224_Opset17_timm/vit_relpos_small_patch16_224_Opset17.onnx b/Computer_Vision/vit_relpos_small_patch16_224_Opset17_timm/vit_relpos_small_patch16_224_Opset17.onnx new file mode 100644 index 000000000..7b7aa1cdc --- /dev/null +++ b/Computer_Vision/vit_relpos_small_patch16_224_Opset17_timm/vit_relpos_small_patch16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db9491bc4ca8d438d4498ba4251a7e08264b6b0997cb99c025c2a023019ba754 +size 88423291 diff --git a/Computer_Vision/vit_small_patch16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_small_patch16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..550f7f515 --- /dev/null +++ b/Computer_Vision/vit_small_patch16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.890629529953003 + set_success: 0.015200138092041016 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_small_patch16_224_timm_358eb51b/onnx/vit_small_patch16_224_timm_358eb51b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_small_patch16_224.py +class: VisionTransformer +hash: 8d8c48b1 +model_name: vit_small_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 86261.1299 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 22050664 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_small_patch16_224_Opset16_timm/vit_small_patch16_224_Opset16.onnx b/Computer_Vision/vit_small_patch16_224_Opset16_timm/vit_small_patch16_224_Opset16.onnx new file mode 100644 index 000000000..4896c3a35 --- /dev/null +++ b/Computer_Vision/vit_small_patch16_224_Opset16_timm/vit_small_patch16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c112a5f30fd0467d410e2a16b5b1ede9202770cce07dfa1ae4979e712e2e3368 +size 88331364 diff --git a/Computer_Vision/vit_small_patch16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_small_patch16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9bc56c5eb --- /dev/null +++ b/Computer_Vision/vit_small_patch16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7935736179351807 + set_success: 0.018951416015625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_small_patch16_224_timm_358eb51b/onnx/vit_small_patch16_224_timm_358eb51b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_small_patch16_224.py +class: VisionTransformer +hash: 8d8c48b1 +model_name: vit_small_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 86230.5137 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 22050664 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_small_patch16_224_Opset17_timm/vit_small_patch16_224_Opset17.onnx b/Computer_Vision/vit_small_patch16_224_Opset17_timm/vit_small_patch16_224_Opset17.onnx new file mode 100644 index 000000000..ce715e780 --- /dev/null +++ b/Computer_Vision/vit_small_patch16_224_Opset17_timm/vit_small_patch16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:43b445cac824d0d4b910927ed78c83c5f639b504edcd817413d80d6912090906 +size 88300013 diff --git a/Computer_Vision/vit_small_patch16_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_small_patch16_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b15f93484 --- /dev/null +++ b/Computer_Vision/vit_small_patch16_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8936567306518555 + set_success: 0.020936250686645508 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_small_patch16_224_timm_358eb51b/onnx/vit_small_patch16_224_timm_358eb51b-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_small_patch16_224.py +class: VisionTransformer +hash: 8d8c48b1 +model_name: vit_small_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 86230.5137 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 22050664 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_small_patch16_224_Opset18_timm/vit_small_patch16_224_Opset18.onnx b/Computer_Vision/vit_small_patch16_224_Opset18_timm/vit_small_patch16_224_Opset18.onnx new file mode 100644 index 000000000..e40ec31f5 --- /dev/null +++ b/Computer_Vision/vit_small_patch16_224_Opset18_timm/vit_small_patch16_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f019be548f9e899bd1a30c5788c32b0d459fda09113a6184a3164115e004f6c +size 88300013 diff --git a/Computer_Vision/vit_small_patch16_224_dino_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_small_patch16_224_dino_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1c33ee302 --- /dev/null +++ b/Computer_Vision/vit_small_patch16_224_dino_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8488645553588867 + set_success: 0.01735377311706543 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_small_patch16_224_dino_timm_97c5056d/onnx/vit_small_patch16_224_dino_timm_97c5056d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_small_patch16_224_dino.py +class: VisionTransformer +hash: 8c86c762 +model_name: vit_small_patch16_224_dino +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 84757.0586 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 21665664 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_small_patch16_224_dino_Opset16_timm/vit_small_patch16_224_dino_Opset16.onnx b/Computer_Vision/vit_small_patch16_224_dino_Opset16_timm/vit_small_patch16_224_dino_Opset16.onnx new file mode 100644 index 000000000..52692772a --- /dev/null +++ b/Computer_Vision/vit_small_patch16_224_dino_Opset16_timm/vit_small_patch16_224_dino_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66ce839fa29f5bf3936f1935d438f44c63aa3743d053b351bb3a796f39fd6746 +size 86791195 diff --git a/Computer_Vision/vit_small_patch16_224_dino_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_small_patch16_224_dino_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8eb913cfa --- /dev/null +++ b/Computer_Vision/vit_small_patch16_224_dino_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7452256679534912 + set_success: 0.016196489334106445 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_small_patch16_224_dino_timm_97c5056d/onnx/vit_small_patch16_224_dino_timm_97c5056d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_small_patch16_224_dino.py +class: VisionTransformer +hash: 8c86c762 +model_name: vit_small_patch16_224_dino +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 84726.4424 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 21665664 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_small_patch16_224_dino_Opset17_timm/vit_small_patch16_224_dino_Opset17.onnx b/Computer_Vision/vit_small_patch16_224_dino_Opset17_timm/vit_small_patch16_224_dino_Opset17.onnx new file mode 100644 index 000000000..befd656c1 --- /dev/null +++ b/Computer_Vision/vit_small_patch16_224_dino_Opset17_timm/vit_small_patch16_224_dino_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06207e95ba9cd31c19dc0d260b9e078da4988a95ec45d852f53a173aeff81749 +size 86759844 diff --git a/Computer_Vision/vit_small_patch16_224_dino_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_small_patch16_224_dino_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ccad06adc --- /dev/null +++ b/Computer_Vision/vit_small_patch16_224_dino_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.2372772693634033 + set_success: 0.023021697998046875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_small_patch16_224_dino_timm_97c5056d/onnx/vit_small_patch16_224_dino_timm_97c5056d-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_small_patch16_224_dino.py +class: VisionTransformer +hash: 8c86c762 +model_name: vit_small_patch16_224_dino +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 84726.4424 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 21665664 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_small_patch16_224_dino_Opset18_timm/vit_small_patch16_224_dino_Opset18.onnx b/Computer_Vision/vit_small_patch16_224_dino_Opset18_timm/vit_small_patch16_224_dino_Opset18.onnx new file mode 100644 index 000000000..fa5ae1bfd --- /dev/null +++ b/Computer_Vision/vit_small_patch16_224_dino_Opset18_timm/vit_small_patch16_224_dino_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66d733e57a20423f9e015f6b2b18ea36e78e1a5139c514ec177a9c9c3c2638dc +size 86759844 diff --git a/Computer_Vision/vit_small_patch16_224_in21k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_small_patch16_224_in21k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4ea32e4fc --- /dev/null +++ b/Computer_Vision/vit_small_patch16_224_in21k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.1252920627593994 + set_success: 0.0172727108001709 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_small_patch16_224_in21k_timm_f1afe46e/onnx/vit_small_patch16_224_in21k_timm_f1afe46e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_small_patch16_224_in21k.py +class: VisionTransformer +hash: 57dd24ed +model_name: vit_small_patch16_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 117607.0547 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 30075219 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_small_patch16_224_in21k_Opset16_timm/vit_small_patch16_224_in21k_Opset16.onnx b/Computer_Vision/vit_small_patch16_224_in21k_Opset16_timm/vit_small_patch16_224_in21k_Opset16.onnx new file mode 100644 index 000000000..e7cb17fb3 --- /dev/null +++ b/Computer_Vision/vit_small_patch16_224_in21k_Opset16_timm/vit_small_patch16_224_in21k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ef3e50f3c99a976e31fbd2f3778139cdf0c1ff5e12fc0f98009ed392a2d3077 +size 120429591 diff --git a/Computer_Vision/vit_small_patch16_224_in21k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_small_patch16_224_in21k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..48e471a5d --- /dev/null +++ b/Computer_Vision/vit_small_patch16_224_in21k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9885516166687012 + set_success: 0.01774764060974121 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_small_patch16_224_in21k_timm_f1afe46e/onnx/vit_small_patch16_224_in21k_timm_f1afe46e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_small_patch16_224_in21k.py +class: VisionTransformer +hash: 57dd24ed +model_name: vit_small_patch16_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 117576.4385 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 30075219 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_small_patch16_224_in21k_Opset17_timm/vit_small_patch16_224_in21k_Opset17.onnx b/Computer_Vision/vit_small_patch16_224_in21k_Opset17_timm/vit_small_patch16_224_in21k_Opset17.onnx new file mode 100644 index 000000000..a64e16158 --- /dev/null +++ b/Computer_Vision/vit_small_patch16_224_in21k_Opset17_timm/vit_small_patch16_224_in21k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd9465618904a9e2b01d1c157333896dc95e6f526a56aef98022891d3fc5eb87 +size 120398240 diff --git a/Computer_Vision/vit_small_patch16_224_in21k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_small_patch16_224_in21k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3076ab4d1 --- /dev/null +++ b/Computer_Vision/vit_small_patch16_224_in21k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.245358943939209 + set_success: 0.021923542022705078 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_small_patch16_224_in21k_timm_f1afe46e/onnx/vit_small_patch16_224_in21k_timm_f1afe46e-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_small_patch16_224_in21k.py +class: VisionTransformer +hash: 57dd24ed +model_name: vit_small_patch16_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 117576.4385 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 30075219 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_small_patch16_224_in21k_Opset18_timm/vit_small_patch16_224_in21k_Opset18.onnx b/Computer_Vision/vit_small_patch16_224_in21k_Opset18_timm/vit_small_patch16_224_in21k_Opset18.onnx new file mode 100644 index 000000000..be616a8e5 --- /dev/null +++ b/Computer_Vision/vit_small_patch16_224_in21k_Opset18_timm/vit_small_patch16_224_in21k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ad981c2fabd5ee6d2a5564c923f13c41e7e39bda5906486d04b5866d664db48 +size 120398240 diff --git a/Computer_Vision/vit_small_patch16_384_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_small_patch16_384_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..184aaeb27 --- /dev/null +++ b/Computer_Vision/vit_small_patch16_384_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.080002784729004 + set_success: 0.018223285675048828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_small_patch16_384_timm_874c108c/onnx/vit_small_patch16_384_timm_874c108c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_small_patch16_384.py +class: VisionTransformer +hash: 8d8c48b1 +model_name: vit_small_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 86831.1299 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 22196584 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_small_patch16_384_Opset16_timm/vit_small_patch16_384_Opset16.onnx b/Computer_Vision/vit_small_patch16_384_Opset16_timm/vit_small_patch16_384_Opset16.onnx new file mode 100644 index 000000000..0f33fe4f1 --- /dev/null +++ b/Computer_Vision/vit_small_patch16_384_Opset16_timm/vit_small_patch16_384_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80c87462827e9dc25bf35988d7309d66d22ea2d2dd306ba57214d160318ae37d +size 88915044 diff --git a/Computer_Vision/vit_small_patch16_384_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_small_patch16_384_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1fc38de5b --- /dev/null +++ b/Computer_Vision/vit_small_patch16_384_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9207921028137207 + set_success: 0.01747298240661621 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_small_patch16_384_timm_874c108c/onnx/vit_small_patch16_384_timm_874c108c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_small_patch16_384.py +class: VisionTransformer +hash: 8d8c48b1 +model_name: vit_small_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 86800.5137 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 22196584 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_small_patch16_384_Opset17_timm/vit_small_patch16_384_Opset17.onnx b/Computer_Vision/vit_small_patch16_384_Opset17_timm/vit_small_patch16_384_Opset17.onnx new file mode 100644 index 000000000..d8d649321 --- /dev/null +++ b/Computer_Vision/vit_small_patch16_384_Opset17_timm/vit_small_patch16_384_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79fac77295d47e6309d180bd510aac3aa92ceef1020f29832997b65ef8c48f29 +size 88883693 diff --git a/Computer_Vision/vit_small_patch16_384_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_small_patch16_384_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..931820ff3 --- /dev/null +++ b/Computer_Vision/vit_small_patch16_384_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.2580909729003906 + set_success: 0.021763324737548828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_small_patch16_384_timm_874c108c/onnx/vit_small_patch16_384_timm_874c108c-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_small_patch16_384.py +class: VisionTransformer +hash: 8d8c48b1 +model_name: vit_small_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 86800.5137 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 22196584 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_small_patch16_384_Opset18_timm/vit_small_patch16_384_Opset18.onnx b/Computer_Vision/vit_small_patch16_384_Opset18_timm/vit_small_patch16_384_Opset18.onnx new file mode 100644 index 000000000..59733865c --- /dev/null +++ b/Computer_Vision/vit_small_patch16_384_Opset18_timm/vit_small_patch16_384_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6fe821084a4db2158303adb571f15c1efd109d917d57aac7f14c226f621cf0d2 +size 88883693 diff --git a/Computer_Vision/vit_small_patch32_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_small_patch32_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..404090738 --- /dev/null +++ b/Computer_Vision/vit_small_patch32_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9831862449645996 + set_success: 0.01545095443725586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_small_patch32_224_timm_4da4116d/onnx/vit_small_patch32_224_timm_4da4116d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_small_patch32_224.py +class: VisionTransformer +hash: 56bc92dc +model_name: vit_small_patch32_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 89496.6309 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 22878952 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_small_patch32_224_Opset16_timm/vit_small_patch32_224_Opset16.onnx b/Computer_Vision/vit_small_patch32_224_Opset16_timm/vit_small_patch32_224_Opset16.onnx new file mode 100644 index 000000000..788de1a05 --- /dev/null +++ b/Computer_Vision/vit_small_patch32_224_Opset16_timm/vit_small_patch32_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:acbc07a4788ec7a978d7f04eaddcc869f69b3bb95a4c9ab7ed92b7b72279b17b +size 91644517 diff --git a/Computer_Vision/vit_small_patch32_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_small_patch32_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bb354c1bd --- /dev/null +++ b/Computer_Vision/vit_small_patch32_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7664036750793457 + set_success: 0.015297651290893555 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_small_patch32_224_timm_4da4116d/onnx/vit_small_patch32_224_timm_4da4116d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_small_patch32_224.py +class: VisionTransformer +hash: 56bc92dc +model_name: vit_small_patch32_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 89466.0146 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 22878952 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_small_patch32_224_Opset17_timm/vit_small_patch32_224_Opset17.onnx b/Computer_Vision/vit_small_patch32_224_Opset17_timm/vit_small_patch32_224_Opset17.onnx new file mode 100644 index 000000000..0d4fff0ba --- /dev/null +++ b/Computer_Vision/vit_small_patch32_224_Opset17_timm/vit_small_patch32_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8bd5fab4fd18ac6555e1ad07ca913ac9fb9e3cce849adc1a0d476a5857885f3a +size 91613166 diff --git a/Computer_Vision/vit_small_patch32_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_small_patch32_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f809ee4e1 --- /dev/null +++ b/Computer_Vision/vit_small_patch32_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8740136623382568 + set_success: 0.015941619873046875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_small_patch32_224_timm_4da4116d/onnx/vit_small_patch32_224_timm_4da4116d-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_small_patch32_224.py +class: VisionTransformer +hash: 56bc92dc +model_name: vit_small_patch32_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 89466.0146 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 22878952 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_small_patch32_224_Opset18_timm/vit_small_patch32_224_Opset18.onnx b/Computer_Vision/vit_small_patch32_224_Opset18_timm/vit_small_patch32_224_Opset18.onnx new file mode 100644 index 000000000..8d47109e9 --- /dev/null +++ b/Computer_Vision/vit_small_patch32_224_Opset18_timm/vit_small_patch32_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c5bc4a9a6cfb2bccd1c4d6b84c23ee91a6e867a2c3c417f3381bb86e49c3737 +size 91613166 diff --git a/Computer_Vision/vit_small_patch32_224_in21k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_small_patch32_224_in21k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d590894da --- /dev/null +++ b/Computer_Vision/vit_small_patch32_224_in21k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.1247363090515137 + set_success: 0.016516923904418945 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_small_patch32_224_in21k_timm_618b57b8/onnx/vit_small_patch32_224_in21k_timm_618b57b8-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_small_patch32_224_in21k.py +class: VisionTransformer +hash: 9b922298 +model_name: vit_small_patch32_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 120842.5557 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 30903507 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_small_patch32_224_in21k_Opset16_timm/vit_small_patch32_224_in21k_Opset16.onnx b/Computer_Vision/vit_small_patch32_224_in21k_Opset16_timm/vit_small_patch32_224_in21k_Opset16.onnx new file mode 100644 index 000000000..ed5c04b2c --- /dev/null +++ b/Computer_Vision/vit_small_patch32_224_in21k_Opset16_timm/vit_small_patch32_224_in21k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff0b1ef7d33e371db52ae0e0c02b5e32136037ba3b0f7c5d40b63d96da44737b +size 123742744 diff --git a/Computer_Vision/vit_small_patch32_224_in21k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_small_patch32_224_in21k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d34824c69 --- /dev/null +++ b/Computer_Vision/vit_small_patch32_224_in21k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0032618045806885 + set_success: 0.014835357666015625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_small_patch32_224_in21k_timm_618b57b8/onnx/vit_small_patch32_224_in21k_timm_618b57b8-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_small_patch32_224_in21k.py +class: VisionTransformer +hash: 9b922298 +model_name: vit_small_patch32_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 120811.9395 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 30903507 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_small_patch32_224_in21k_Opset17_timm/vit_small_patch32_224_in21k_Opset17.onnx b/Computer_Vision/vit_small_patch32_224_in21k_Opset17_timm/vit_small_patch32_224_in21k_Opset17.onnx new file mode 100644 index 000000000..8b34c3dd7 --- /dev/null +++ b/Computer_Vision/vit_small_patch32_224_in21k_Opset17_timm/vit_small_patch32_224_in21k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d7fb7b77ef0f7ff35a38b568f62f69d68241af89c3f65e62dd5dc9d5f7c8c34 +size 123711393 diff --git a/Computer_Vision/vit_small_patch32_224_in21k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_small_patch32_224_in21k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..325488699 --- /dev/null +++ b/Computer_Vision/vit_small_patch32_224_in21k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9796154499053955 + set_success: 0.016371726989746094 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_small_patch32_224_in21k_timm_618b57b8/onnx/vit_small_patch32_224_in21k_timm_618b57b8-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_small_patch32_224_in21k.py +class: VisionTransformer +hash: 9b922298 +model_name: vit_small_patch32_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 120811.9395 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 30903507 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_small_patch32_224_in21k_Opset18_timm/vit_small_patch32_224_in21k_Opset18.onnx b/Computer_Vision/vit_small_patch32_224_in21k_Opset18_timm/vit_small_patch32_224_in21k_Opset18.onnx new file mode 100644 index 000000000..d90185501 --- /dev/null +++ b/Computer_Vision/vit_small_patch32_224_in21k_Opset18_timm/vit_small_patch32_224_in21k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:420624ab1c1c87e8971894614e140f2cf7365e10fabaf4c40811f2c52cdecdd9 +size 123711393 diff --git a/Computer_Vision/vit_small_patch32_384_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_small_patch32_384_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..26035fb85 --- /dev/null +++ b/Computer_Vision/vit_small_patch32_384_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.903135061264038 + set_success: 0.015263080596923828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_small_patch32_384_timm_d96a47c3/onnx/vit_small_patch32_384_timm_d96a47c3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_small_patch32_384.py +class: VisionTransformer +hash: 56bc92dc +model_name: vit_small_patch32_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 89639.1318 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 22915432 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_small_patch32_384_Opset16_timm/vit_small_patch32_384_Opset16.onnx b/Computer_Vision/vit_small_patch32_384_Opset16_timm/vit_small_patch32_384_Opset16.onnx new file mode 100644 index 000000000..08bd59410 --- /dev/null +++ b/Computer_Vision/vit_small_patch32_384_Opset16_timm/vit_small_patch32_384_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c408f83151280aa3f53656790228b7907f290669d62643ae48d73299b10d6f6 +size 91790438 diff --git a/Computer_Vision/vit_small_patch32_384_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_small_patch32_384_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..80a316656 --- /dev/null +++ b/Computer_Vision/vit_small_patch32_384_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.834021806716919 + set_success: 0.015826702117919922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_small_patch32_384_timm_d96a47c3/onnx/vit_small_patch32_384_timm_d96a47c3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_small_patch32_384.py +class: VisionTransformer +hash: 56bc92dc +model_name: vit_small_patch32_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 89608.5156 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 22915432 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_small_patch32_384_Opset17_timm/vit_small_patch32_384_Opset17.onnx b/Computer_Vision/vit_small_patch32_384_Opset17_timm/vit_small_patch32_384_Opset17.onnx new file mode 100644 index 000000000..152cb75e1 --- /dev/null +++ b/Computer_Vision/vit_small_patch32_384_Opset17_timm/vit_small_patch32_384_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:274d1d3b837a347f2da6349b228e1aca84189002d212f163f5acc15eec48d11d +size 91759087 diff --git a/Computer_Vision/vit_small_patch32_384_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_small_patch32_384_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0414309aa --- /dev/null +++ b/Computer_Vision/vit_small_patch32_384_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0699963569641113 + set_success: 0.017231225967407227 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_small_patch32_384_timm_d96a47c3/onnx/vit_small_patch32_384_timm_d96a47c3-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_small_patch32_384.py +class: VisionTransformer +hash: 56bc92dc +model_name: vit_small_patch32_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 89608.5156 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 22915432 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_small_patch32_384_Opset18_timm/vit_small_patch32_384_Opset18.onnx b/Computer_Vision/vit_small_patch32_384_Opset18_timm/vit_small_patch32_384_Opset18.onnx new file mode 100644 index 000000000..6c51c0fd0 --- /dev/null +++ b/Computer_Vision/vit_small_patch32_384_Opset18_timm/vit_small_patch32_384_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7440341566aac638a4275f9985d2a9267506e154c54f0baeb1249b88a53671b0 +size 91759087 diff --git a/Computer_Vision/vit_small_patch8_224_dino_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_small_patch8_224_dino_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3c4d536ab --- /dev/null +++ b/Computer_Vision/vit_small_patch8_224_dino_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.125187635421753 + set_success: 0.02025318145751953 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_small_patch8_224_dino_timm_7a99dce8/onnx/vit_small_patch8_224_dino_timm_7a99dce8-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_small_patch8_224_dino.py +class: VisionTransformer +hash: 77d11875 +model_name: vit_small_patch8_224_dino +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 84775.0586 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 21670272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_small_patch8_224_dino_Opset16_timm/vit_small_patch8_224_dino_Opset16.onnx b/Computer_Vision/vit_small_patch8_224_dino_Opset16_timm/vit_small_patch8_224_dino_Opset16.onnx new file mode 100644 index 000000000..0b0f8bd1e --- /dev/null +++ b/Computer_Vision/vit_small_patch8_224_dino_Opset16_timm/vit_small_patch8_224_dino_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03f6c97dae25c12046448e85d12762d2f7ed5817365f2208a436f4e3d9d958ba +size 86809627 diff --git a/Computer_Vision/vit_small_patch8_224_dino_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_small_patch8_224_dino_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0b52ed854 --- /dev/null +++ b/Computer_Vision/vit_small_patch8_224_dino_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9237871170043945 + set_success: 0.01913928985595703 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_small_patch8_224_dino_timm_7a99dce8/onnx/vit_small_patch8_224_dino_timm_7a99dce8-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_small_patch8_224_dino.py +class: VisionTransformer +hash: 77d11875 +model_name: vit_small_patch8_224_dino +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 84744.4424 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 21670272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_small_patch8_224_dino_Opset17_timm/vit_small_patch8_224_dino_Opset17.onnx b/Computer_Vision/vit_small_patch8_224_dino_Opset17_timm/vit_small_patch8_224_dino_Opset17.onnx new file mode 100644 index 000000000..ffe6e3aad --- /dev/null +++ b/Computer_Vision/vit_small_patch8_224_dino_Opset17_timm/vit_small_patch8_224_dino_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c5f13e349548bab57b732429d00094503a9f213fd1f828addfddf2cb883ed81f +size 86778276 diff --git a/Computer_Vision/vit_small_patch8_224_dino_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_small_patch8_224_dino_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..989d79961 --- /dev/null +++ b/Computer_Vision/vit_small_patch8_224_dino_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.109445571899414 + set_success: 0.023376941680908203 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_small_patch8_224_dino_timm_7a99dce8/onnx/vit_small_patch8_224_dino_timm_7a99dce8-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_small_patch8_224_dino.py +class: VisionTransformer +hash: 77d11875 +model_name: vit_small_patch8_224_dino +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 84744.4424 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 21670272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_small_patch8_224_dino_Opset18_timm/vit_small_patch8_224_dino_Opset18.onnx b/Computer_Vision/vit_small_patch8_224_dino_Opset18_timm/vit_small_patch8_224_dino_Opset18.onnx new file mode 100644 index 000000000..44908cf22 --- /dev/null +++ b/Computer_Vision/vit_small_patch8_224_dino_Opset18_timm/vit_small_patch8_224_dino_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:526ed49c430f04c64335f7c391a0718a4bb7c931ee30dbba0a33224b8d711c2c +size 86778276 diff --git a/Computer_Vision/vit_srelpos_medium_patch16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_srelpos_medium_patch16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9722858e6 --- /dev/null +++ b/Computer_Vision/vit_srelpos_medium_patch16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.7074668407440186 + set_success: 0.016925811767578125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_srelpos_medium_patch16_224_timm_cad6d315/onnx/vit_srelpos_medium_patch16_224_timm_cad6d315-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_srelpos_medium_patch16_224.py +class: VisionTransformerRelPos +hash: 88013a14 +model_name: vit_srelpos_medium_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 151727.9951 +onnx_ops_counter: + Add: 136 + Cast: 12 + Concat: 1 + Constant: 203 + Conv: 1 + Div: 49 + Erf: 12 + Gather: 1 + Gemm: 1 + MatMul: 74 + Mul: 97 + Pow: 25 + ReduceMean: 51 + Relu: 1 + Reshape: 27 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 38 + Unsqueeze: 1 +parameters: 38735856 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_srelpos_medium_patch16_224_Opset16_timm/vit_srelpos_medium_patch16_224_Opset16.onnx b/Computer_Vision/vit_srelpos_medium_patch16_224_Opset16_timm/vit_srelpos_medium_patch16_224_Opset16.onnx new file mode 100644 index 000000000..e777df720 --- /dev/null +++ b/Computer_Vision/vit_srelpos_medium_patch16_224_Opset16_timm/vit_srelpos_medium_patch16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e968da115861f5e614a94cf84d16248368e8279992e0e71335e008c40603937d +size 155369434 diff --git a/Computer_Vision/vit_srelpos_medium_patch16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_srelpos_medium_patch16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5bf488d9e --- /dev/null +++ b/Computer_Vision/vit_srelpos_medium_patch16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.597963571548462 + set_success: 0.020081758499145508 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_srelpos_medium_patch16_224_timm_cad6d315/onnx/vit_srelpos_medium_patch16_224_timm_cad6d315-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_srelpos_medium_patch16_224.py +class: VisionTransformerRelPos +hash: 88013a14 +model_name: vit_srelpos_medium_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 151702.7734 +onnx_ops_counter: + Add: 86 + Cast: 12 + Concat: 1 + Constant: 153 + Conv: 1 + Div: 24 + Erf: 12 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 74 + Mul: 72 + ReduceMean: 1 + Relu: 1 + Reshape: 27 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 38 + Unsqueeze: 1 +parameters: 38735856 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_srelpos_medium_patch16_224_Opset17_timm/vit_srelpos_medium_patch16_224_Opset17.onnx b/Computer_Vision/vit_srelpos_medium_patch16_224_Opset17_timm/vit_srelpos_medium_patch16_224_Opset17.onnx new file mode 100644 index 000000000..d5ab1a0a7 --- /dev/null +++ b/Computer_Vision/vit_srelpos_medium_patch16_224_Opset17_timm/vit_srelpos_medium_patch16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0080891e2858714c8e3355c6a8aa603a6fb3d5a652b67415cfaf7ce2314a0a36 +size 155343607 diff --git a/Computer_Vision/vit_srelpos_small_patch16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_srelpos_small_patch16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..4311cc8b8 --- /dev/null +++ b/Computer_Vision/vit_srelpos_small_patch16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.557389259338379 + set_success: 0.021696090698242188 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_srelpos_small_patch16_224_timm_a3573b3f/onnx/vit_srelpos_small_patch16_224_timm_a3573b3f-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_srelpos_small_patch16_224.py +class: VisionTransformerRelPos +hash: 46171f0d +model_name: vit_srelpos_small_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 86249.9619 +onnx_ops_counter: + Add: 136 + Cast: 12 + Concat: 1 + Constant: 203 + Conv: 1 + Div: 49 + Erf: 12 + Gather: 1 + Gemm: 1 + MatMul: 74 + Mul: 97 + Pow: 25 + ReduceMean: 51 + Relu: 1 + Reshape: 27 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 38 + Unsqueeze: 1 +parameters: 21973486 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_srelpos_small_patch16_224_Opset16_timm/vit_srelpos_small_patch16_224_Opset16.onnx b/Computer_Vision/vit_srelpos_small_patch16_224_Opset16_timm/vit_srelpos_small_patch16_224_Opset16.onnx new file mode 100644 index 000000000..e2392636d --- /dev/null +++ b/Computer_Vision/vit_srelpos_small_patch16_224_Opset16_timm/vit_srelpos_small_patch16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05cb4946cec492dc5c1d4d79d91a815d495b30f5d1768fd2f4f71cd219993c37 +size 88319928 diff --git a/Computer_Vision/vit_srelpos_small_patch16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_srelpos_small_patch16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1bfd093ba --- /dev/null +++ b/Computer_Vision/vit_srelpos_small_patch16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9676649570465088 + set_success: 0.01721477508544922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_srelpos_small_patch16_224_timm_a3573b3f/onnx/vit_srelpos_small_patch16_224_timm_a3573b3f-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_srelpos_small_patch16_224.py +class: VisionTransformerRelPos +hash: 46171f0d +model_name: vit_srelpos_small_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 86224.7402 +onnx_ops_counter: + Add: 86 + Cast: 12 + Concat: 1 + Constant: 153 + Conv: 1 + Div: 24 + Erf: 12 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 74 + Mul: 72 + ReduceMean: 1 + Relu: 1 + Reshape: 27 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 38 + Unsqueeze: 1 +parameters: 21973486 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_srelpos_small_patch16_224_Opset17_timm/vit_srelpos_small_patch16_224_Opset17.onnx b/Computer_Vision/vit_srelpos_small_patch16_224_Opset17_timm/vit_srelpos_small_patch16_224_Opset17.onnx new file mode 100644 index 000000000..e90bb6fe5 --- /dev/null +++ b/Computer_Vision/vit_srelpos_small_patch16_224_Opset17_timm/vit_srelpos_small_patch16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dec85f3fb8a3d9a48b8ffcc5dc31332ab6501cc408988d4ca7bb1309026e29f6 +size 88294101 diff --git a/Computer_Vision/vit_tiny_patch16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_tiny_patch16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c00669ecb --- /dev/null +++ b/Computer_Vision/vit_tiny_patch16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2952766418457031 + set_success: 0.016753673553466797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_tiny_patch16_224_timm_0c6c2de9/onnx/vit_tiny_patch16_224_timm_0c6c2de9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_tiny_patch16_224.py +class: VisionTransformer +hash: f13fa33b +model_name: vit_tiny_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 22459.333 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 5717416 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_tiny_patch16_224_Opset16_timm/vit_tiny_patch16_224_Opset16.onnx b/Computer_Vision/vit_tiny_patch16_224_Opset16_timm/vit_tiny_patch16_224_Opset16.onnx new file mode 100644 index 000000000..9599c2a95 --- /dev/null +++ b/Computer_Vision/vit_tiny_patch16_224_Opset16_timm/vit_tiny_patch16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ea944f24e5eac229bde79654b166aa3cbd398c0a4789dd9a87eb37fa029be8d +size 22998324 diff --git a/Computer_Vision/vit_tiny_patch16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_tiny_patch16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..abead3587 --- /dev/null +++ b/Computer_Vision/vit_tiny_patch16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1249220371246338 + set_success: 0.016710519790649414 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_tiny_patch16_224_timm_0c6c2de9/onnx/vit_tiny_patch16_224_timm_0c6c2de9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_tiny_patch16_224.py +class: VisionTransformer +hash: f13fa33b +model_name: vit_tiny_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 22428.7168 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 5717416 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_tiny_patch16_224_Opset17_timm/vit_tiny_patch16_224_Opset17.onnx b/Computer_Vision/vit_tiny_patch16_224_Opset17_timm/vit_tiny_patch16_224_Opset17.onnx new file mode 100644 index 000000000..d882bc9c3 --- /dev/null +++ b/Computer_Vision/vit_tiny_patch16_224_Opset17_timm/vit_tiny_patch16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61559620ccb451ba88472b9e86f0fc9f98cb1aa0412ad5a936cf8ec8c30ad7b0 +size 22966973 diff --git a/Computer_Vision/vit_tiny_patch16_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_tiny_patch16_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..27d35e374 --- /dev/null +++ b/Computer_Vision/vit_tiny_patch16_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.22019362449646 + set_success: 0.01760578155517578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_tiny_patch16_224_timm_0c6c2de9/onnx/vit_tiny_patch16_224_timm_0c6c2de9-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_tiny_patch16_224.py +class: VisionTransformer +hash: f13fa33b +model_name: vit_tiny_patch16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 22428.7168 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 5717416 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_tiny_patch16_224_Opset18_timm/vit_tiny_patch16_224_Opset18.onnx b/Computer_Vision/vit_tiny_patch16_224_Opset18_timm/vit_tiny_patch16_224_Opset18.onnx new file mode 100644 index 000000000..cd4ae9048 --- /dev/null +++ b/Computer_Vision/vit_tiny_patch16_224_Opset18_timm/vit_tiny_patch16_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a3bc36397ea3162aab1f8bf2662293a0395fa83d74b992404fe22c2a730cd4c +size 22966973 diff --git a/Computer_Vision/vit_tiny_patch16_224_in21k_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_tiny_patch16_224_in21k_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3885d598d --- /dev/null +++ b/Computer_Vision/vit_tiny_patch16_224_in21k_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.4177532196044922 + set_success: 0.015697479248046875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_tiny_patch16_224_in21k_timm_2f34f4a6/onnx/vit_tiny_patch16_224_in21k_timm_2f34f4a6-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_tiny_patch16_224_in21k.py +class: VisionTransformer +hash: 0fa9a6bd +model_name: vit_tiny_patch16_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 38173.0078 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 9740115 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_tiny_patch16_224_in21k_Opset16_timm/vit_tiny_patch16_224_in21k_Opset16.onnx b/Computer_Vision/vit_tiny_patch16_224_in21k_Opset16_timm/vit_tiny_patch16_224_in21k_Opset16.onnx new file mode 100644 index 000000000..58ad2ad06 --- /dev/null +++ b/Computer_Vision/vit_tiny_patch16_224_in21k_Opset16_timm/vit_tiny_patch16_224_in21k_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a105dd9a4264ea09bfd979c11243df99907c8f198703697bed60e89cb33bd4e +size 39089127 diff --git a/Computer_Vision/vit_tiny_patch16_224_in21k_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_tiny_patch16_224_in21k_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b814b2ff6 --- /dev/null +++ b/Computer_Vision/vit_tiny_patch16_224_in21k_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2946093082427979 + set_success: 0.01810741424560547 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_tiny_patch16_224_in21k_timm_2f34f4a6/onnx/vit_tiny_patch16_224_in21k_timm_2f34f4a6-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_tiny_patch16_224_in21k.py +class: VisionTransformer +hash: 0fa9a6bd +model_name: vit_tiny_patch16_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 38142.3916 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 9740115 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_tiny_patch16_224_in21k_Opset17_timm/vit_tiny_patch16_224_in21k_Opset17.onnx b/Computer_Vision/vit_tiny_patch16_224_in21k_Opset17_timm/vit_tiny_patch16_224_in21k_Opset17.onnx new file mode 100644 index 000000000..898d18304 --- /dev/null +++ b/Computer_Vision/vit_tiny_patch16_224_in21k_Opset17_timm/vit_tiny_patch16_224_in21k_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2303c2c1a5bf76e1fcd863e610fc5e8c7daff56e8cdc8064a5f2e98e571a68f6 +size 39057776 diff --git a/Computer_Vision/vit_tiny_patch16_224_in21k_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_tiny_patch16_224_in21k_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f25646c53 --- /dev/null +++ b/Computer_Vision/vit_tiny_patch16_224_in21k_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2963814735412598 + set_success: 0.01735377311706543 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_tiny_patch16_224_in21k_timm_2f34f4a6/onnx/vit_tiny_patch16_224_in21k_timm_2f34f4a6-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_tiny_patch16_224_in21k.py +class: VisionTransformer +hash: 0fa9a6bd +model_name: vit_tiny_patch16_224_in21k +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 38142.3916 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 9740115 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_tiny_patch16_224_in21k_Opset18_timm/vit_tiny_patch16_224_in21k_Opset18.onnx b/Computer_Vision/vit_tiny_patch16_224_in21k_Opset18_timm/vit_tiny_patch16_224_in21k_Opset18.onnx new file mode 100644 index 000000000..1cdda5b22 --- /dev/null +++ b/Computer_Vision/vit_tiny_patch16_224_in21k_Opset18_timm/vit_tiny_patch16_224_in21k_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e053cef3dd2430749354c064291d65eaecba47a8df4177927af250c8c4aec24 +size 39057776 diff --git a/Computer_Vision/vit_tiny_patch16_384_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/vit_tiny_patch16_384_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0c94c1ad8 --- /dev/null +++ b/Computer_Vision/vit_tiny_patch16_384_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.3442769050598145 + set_success: 0.015902996063232422 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_tiny_patch16_384_timm_3b800cc8/onnx/vit_tiny_patch16_384_timm_3b800cc8-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_tiny_patch16_384.py +class: VisionTransformer +hash: f13fa33b +model_name: vit_tiny_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 22744.333 +onnx_ops_counter: + Add: 135 + Cast: 12 + Concat: 2 + Constant: 202 + ConstantOfShape: 1 + Conv: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + MatMul: 72 + Mul: 74 + Pow: 25 + ReduceMean: 50 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 61 + Squeeze: 36 + Sub: 25 + Transpose: 37 + Where: 1 +parameters: 5790376 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_tiny_patch16_384_Opset16_timm/vit_tiny_patch16_384_Opset16.onnx b/Computer_Vision/vit_tiny_patch16_384_Opset16_timm/vit_tiny_patch16_384_Opset16.onnx new file mode 100644 index 000000000..ef9cf1eef --- /dev/null +++ b/Computer_Vision/vit_tiny_patch16_384_Opset16_timm/vit_tiny_patch16_384_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d784fd580575bd709a8d80be0217ac968ec49a4c6a58a494f45a20a693074f76 +size 23290164 diff --git a/Computer_Vision/vit_tiny_patch16_384_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/vit_tiny_patch16_384_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3abc17873 --- /dev/null +++ b/Computer_Vision/vit_tiny_patch16_384_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2408840656280518 + set_success: 0.017076492309570312 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_tiny_patch16_384_timm_3b800cc8/onnx/vit_tiny_patch16_384_timm_3b800cc8-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_tiny_patch16_384.py +class: VisionTransformer +hash: f13fa33b +model_name: vit_tiny_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 22713.7168 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 5790376 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_tiny_patch16_384_Opset17_timm/vit_tiny_patch16_384_Opset17.onnx b/Computer_Vision/vit_tiny_patch16_384_Opset17_timm/vit_tiny_patch16_384_Opset17.onnx new file mode 100644 index 000000000..19d28d450 --- /dev/null +++ b/Computer_Vision/vit_tiny_patch16_384_Opset17_timm/vit_tiny_patch16_384_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01e5acce80c103b9a86acaa0078ec1cb7a2eda99e348396397f87b6799a0ce54 +size 23258813 diff --git a/Computer_Vision/vit_tiny_patch16_384_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/vit_tiny_patch16_384_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..aca66c4ac --- /dev/null +++ b/Computer_Vision/vit_tiny_patch16_384_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2148077487945557 + set_success: 0.018697738647460938 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/vit_tiny_patch16_384_timm_3b800cc8/onnx/vit_tiny_patch16_384_timm_3b800cc8-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/vit_tiny_patch16_384.py +class: VisionTransformer +hash: f13fa33b +model_name: vit_tiny_patch16_384 +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 22713.7168 +onnx_ops_counter: + Add: 85 + Cast: 12 + Concat: 2 + Constant: 152 + ConstantOfShape: 1 + Conv: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 1 + Gemm: 1 + LayerNormalization: 25 + MatMul: 72 + Mul: 49 + Reshape: 25 + Shape: 13 + Slice: 13 + Softmax: 12 + Split: 12 + Sqrt: 36 + Squeeze: 36 + Transpose: 37 + Where: 1 +parameters: 5790376 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/vit_tiny_patch16_384_Opset18_timm/vit_tiny_patch16_384_Opset18.onnx b/Computer_Vision/vit_tiny_patch16_384_Opset18_timm/vit_tiny_patch16_384_Opset18.onnx new file mode 100644 index 000000000..a1d53d211 --- /dev/null +++ b/Computer_Vision/vit_tiny_patch16_384_Opset18_timm/vit_tiny_patch16_384_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:441340aad116d8ae5e9074698486e9bb45c2323889cc66e237258ae08c0170f8 +size 23258813 diff --git a/Computer_Vision/wide_resnet101_2_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/wide_resnet101_2_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b71eba31b --- /dev/null +++ b/Computer_Vision/wide_resnet101_2_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.793139934539795 + set_success: 0.01949787139892578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/wide_resnet101_2_timm_f400edc9/onnx/wide_resnet101_2_timm_f400edc9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/wide_resnet101_2.py +class: ResNet +hash: 96324b0a +model_name: wide_resnet101_2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 495429.1953 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 126886696 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/wide_resnet101_2_Opset16_timm/wide_resnet101_2_Opset16.onnx b/Computer_Vision/wide_resnet101_2_Opset16_timm/wide_resnet101_2_Opset16.onnx new file mode 100644 index 000000000..47ac2070d --- /dev/null +++ b/Computer_Vision/wide_resnet101_2_Opset16_timm/wide_resnet101_2_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5741b44813a5ed29faa29527676e92786999dd9cf49b78fd44e6e8dcb49fb4d3 +size 507319463 diff --git a/Computer_Vision/wide_resnet101_2_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/wide_resnet101_2_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..02f3b6650 --- /dev/null +++ b/Computer_Vision/wide_resnet101_2_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.564678907394409 + set_success: 0.019757986068725586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/wide_resnet101_2_torch_hub_a638ebdd/onnx/wide_resnet101_2_torch_hub_a638ebdd-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/wide_resnet101_2.py +class: ResNet +hash: 0eb07645 +model_name: wide_resnet101_2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 495429.5566 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 126886696 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/wide_resnet101_2_Opset16_torch_hub/wide_resnet101_2_Opset16.onnx b/Computer_Vision/wide_resnet101_2_Opset16_torch_hub/wide_resnet101_2_Opset16.onnx new file mode 100644 index 000000000..088d89b7b --- /dev/null +++ b/Computer_Vision/wide_resnet101_2_Opset16_torch_hub/wide_resnet101_2_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:97b7b89e48896fa02d57ff7d74d6e2c2f6e1a618098f86ec4f87f98c95ee651e +size 507319833 diff --git a/Computer_Vision/wide_resnet101_2_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/wide_resnet101_2_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1286bf8ce --- /dev/null +++ b/Computer_Vision/wide_resnet101_2_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.80337119102478 + set_success: 0.019723176956176758 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/wide_resnet101_2_timm_f400edc9/onnx/wide_resnet101_2_timm_f400edc9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/wide_resnet101_2.py +class: ResNet +hash: 96324b0a +model_name: wide_resnet101_2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 495429.1953 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 126886696 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/wide_resnet101_2_Opset17_timm/wide_resnet101_2_Opset17.onnx b/Computer_Vision/wide_resnet101_2_Opset17_timm/wide_resnet101_2_Opset17.onnx new file mode 100644 index 000000000..a258a179a --- /dev/null +++ b/Computer_Vision/wide_resnet101_2_Opset17_timm/wide_resnet101_2_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:682421650fbb263e38b355b5e67a5978729c57a3eb80fb1e30386e33014b330f +size 507319463 diff --git a/Computer_Vision/wide_resnet101_2_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/wide_resnet101_2_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..05e967556 --- /dev/null +++ b/Computer_Vision/wide_resnet101_2_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.852027416229248 + set_success: 1.7755093574523926 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/wide_resnet101_2_torch_hub_a638ebdd/onnx/wide_resnet101_2_torch_hub_a638ebdd-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/wide_resnet101_2.py +class: ResNet +hash: 0eb07645 +model_name: wide_resnet101_2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 495429.5566 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 126886696 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/wide_resnet101_2_Opset17_torch_hub/wide_resnet101_2_Opset17.onnx b/Computer_Vision/wide_resnet101_2_Opset17_torch_hub/wide_resnet101_2_Opset17.onnx new file mode 100644 index 000000000..8ea4fc51d --- /dev/null +++ b/Computer_Vision/wide_resnet101_2_Opset17_torch_hub/wide_resnet101_2_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3baf33505f38c40c401f98457328ca593473b695a28a077521237f1796166ad +size 507319833 diff --git a/Computer_Vision/wide_resnet101_2_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/wide_resnet101_2_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d589e7968 --- /dev/null +++ b/Computer_Vision/wide_resnet101_2_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.943166494369507 + set_success: 0.019689083099365234 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/wide_resnet101_2_timm_f400edc9/onnx/wide_resnet101_2_timm_f400edc9-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/wide_resnet101_2.py +class: ResNet +hash: 96324b0a +model_name: wide_resnet101_2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 495429.1953 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 126886696 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/wide_resnet101_2_Opset18_timm/wide_resnet101_2_Opset18.onnx b/Computer_Vision/wide_resnet101_2_Opset18_timm/wide_resnet101_2_Opset18.onnx new file mode 100644 index 000000000..20683a4dc --- /dev/null +++ b/Computer_Vision/wide_resnet101_2_Opset18_timm/wide_resnet101_2_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4048c1c616f5c337a537ed18b50d802bde810b25ef29516c958c45f695fe092d +size 507319463 diff --git a/Computer_Vision/wide_resnet101_2_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/wide_resnet101_2_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..203c47701 --- /dev/null +++ b/Computer_Vision/wide_resnet101_2_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.529222726821899 + set_success: 0.017756223678588867 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/wide_resnet101_2_torch_hub_a638ebdd/onnx/wide_resnet101_2_torch_hub_a638ebdd-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/wide_resnet101_2.py +class: ResNet +hash: 0eb07645 +model_name: wide_resnet101_2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 495429.5566 +onnx_ops_counter: + Add: 33 + Conv: 104 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 100 +parameters: 126886696 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/wide_resnet101_2_Opset18_torch_hub/wide_resnet101_2_Opset18.onnx b/Computer_Vision/wide_resnet101_2_Opset18_torch_hub/wide_resnet101_2_Opset18.onnx new file mode 100644 index 000000000..8d5c5d9ff --- /dev/null +++ b/Computer_Vision/wide_resnet101_2_Opset18_torch_hub/wide_resnet101_2_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65e1ffb39c051a141ca6fd2a9978ccc83adef3de4c75a6a731a89c4934d4dc99 +size 507319833 diff --git a/Computer_Vision/wide_resnet50_2_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/wide_resnet50_2_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f6c6b52bc --- /dev/null +++ b/Computer_Vision/wide_resnet50_2_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.5526885986328125 + set_success: 0.016950130462646484 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/wide_resnet50_2_timm_64de63b0/onnx/wide_resnet50_2_timm_64de63b0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/wide_resnet50_2.py +class: ResNet +hash: 99c5b776 +model_name: wide_resnet50_2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 268965.7344 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 68883240 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/wide_resnet50_2_Opset16_timm/wide_resnet50_2_Opset16.onnx b/Computer_Vision/wide_resnet50_2_Opset16_timm/wide_resnet50_2_Opset16.onnx new file mode 100644 index 000000000..8bd3137e4 --- /dev/null +++ b/Computer_Vision/wide_resnet50_2_Opset16_timm/wide_resnet50_2_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:41a73de29532868f983fce8d3d4196c473a22f90eb891886bfc2b3fae6c4274d +size 275420879 diff --git a/Computer_Vision/wide_resnet50_2_Opset16_torch_hub/turnkey_stats.yaml b/Computer_Vision/wide_resnet50_2_Opset16_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..e5e651040 --- /dev/null +++ b/Computer_Vision/wide_resnet50_2_Opset16_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.192660331726074 + set_success: 0.018126249313354492 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/wide_resnet50_2_torch_hub_f176f45e/onnx/wide_resnet50_2_torch_hub_f176f45e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/wide_resnet50_2.py +class: ResNet +hash: fd743f94 +model_name: wide_resnet50_2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 268965.8633 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 68883240 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/wide_resnet50_2_Opset16_torch_hub/wide_resnet50_2_Opset16.onnx b/Computer_Vision/wide_resnet50_2_Opset16_torch_hub/wide_resnet50_2_Opset16.onnx new file mode 100644 index 000000000..91714dd14 --- /dev/null +++ b/Computer_Vision/wide_resnet50_2_Opset16_torch_hub/wide_resnet50_2_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:04f48d0e4db109ae7097e57a025f08ed34d5e1a27b32d49d327bdbe6b80fa291 +size 275421011 diff --git a/Computer_Vision/wide_resnet50_2_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/wide_resnet50_2_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3efafdb3f --- /dev/null +++ b/Computer_Vision/wide_resnet50_2_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.8728320598602295 + set_success: 0.02785015106201172 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/wide_resnet50_2_timm_64de63b0/onnx/wide_resnet50_2_timm_64de63b0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/wide_resnet50_2.py +class: ResNet +hash: 99c5b776 +model_name: wide_resnet50_2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 268965.7344 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 68883240 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/wide_resnet50_2_Opset17_timm/wide_resnet50_2_Opset17.onnx b/Computer_Vision/wide_resnet50_2_Opset17_timm/wide_resnet50_2_Opset17.onnx new file mode 100644 index 000000000..36f105e60 --- /dev/null +++ b/Computer_Vision/wide_resnet50_2_Opset17_timm/wide_resnet50_2_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e952f3459790baf447ee3c007506870ffe3442fcd0d796d8dba8bc6fe875019e +size 275420879 diff --git a/Computer_Vision/wide_resnet50_2_Opset17_torch_hub/turnkey_stats.yaml b/Computer_Vision/wide_resnet50_2_Opset17_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..25084669a --- /dev/null +++ b/Computer_Vision/wide_resnet50_2_Opset17_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.195888519287109 + set_success: 0.01761770248413086 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/wide_resnet50_2_torch_hub_f176f45e/onnx/wide_resnet50_2_torch_hub_f176f45e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/wide_resnet50_2.py +class: ResNet +hash: fd743f94 +model_name: wide_resnet50_2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 268965.8633 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 68883240 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/wide_resnet50_2_Opset17_torch_hub/wide_resnet50_2_Opset17.onnx b/Computer_Vision/wide_resnet50_2_Opset17_torch_hub/wide_resnet50_2_Opset17.onnx new file mode 100644 index 000000000..4e08b3bb9 --- /dev/null +++ b/Computer_Vision/wide_resnet50_2_Opset17_torch_hub/wide_resnet50_2_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f867d0ce1aee260b736c1c3575f01d0d5552ee3cbd6376a37981c293c10b133 +size 275421011 diff --git a/Computer_Vision/wide_resnet50_2_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/wide_resnet50_2_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..312a8f069 --- /dev/null +++ b/Computer_Vision/wide_resnet50_2_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.535930871963501 + set_success: 0.017985820770263672 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/wide_resnet50_2_timm_64de63b0/onnx/wide_resnet50_2_timm_64de63b0-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/wide_resnet50_2.py +class: ResNet +hash: 99c5b776 +model_name: wide_resnet50_2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 268965.7344 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 68883240 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/wide_resnet50_2_Opset18_timm/wide_resnet50_2_Opset18.onnx b/Computer_Vision/wide_resnet50_2_Opset18_timm/wide_resnet50_2_Opset18.onnx new file mode 100644 index 000000000..bf8f075d2 --- /dev/null +++ b/Computer_Vision/wide_resnet50_2_Opset18_timm/wide_resnet50_2_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3afa03e323a2faa9ecef9273c57ad579e14ab892265ce0172ee1708fb1fbbb4 +size 275420879 diff --git a/Computer_Vision/wide_resnet50_2_Opset18_torch_hub/turnkey_stats.yaml b/Computer_Vision/wide_resnet50_2_Opset18_torch_hub/turnkey_stats.yaml new file mode 100644 index 000000000..b16a69ade --- /dev/null +++ b/Computer_Vision/wide_resnet50_2_Opset18_torch_hub/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: torch_hub +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.5850963592529297 + set_success: 0.017663955688476562 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/wide_resnet50_2_torch_hub_f176f45e/onnx/wide_resnet50_2_torch_hub_f176f45e-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/torch_hub/wide_resnet50_2.py +class: ResNet +hash: fd743f94 +model_name: wide_resnet50_2 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 268965.8633 +onnx_ops_counter: + Add: 16 + Conv: 53 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 1 + Relu: 49 +parameters: 68883240 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/wide_resnet50_2_Opset18_torch_hub/wide_resnet50_2_Opset18.onnx b/Computer_Vision/wide_resnet50_2_Opset18_torch_hub/wide_resnet50_2_Opset18.onnx new file mode 100644 index 000000000..6c44974bf --- /dev/null +++ b/Computer_Vision/wide_resnet50_2_Opset18_torch_hub/wide_resnet50_2_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08f2adadd94dfb9e51c78365b0c49fa139c77b5e337a001a2e1a51f2e362cace +size 275421011 diff --git a/Computer_Vision/xception41_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xception41_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..883d6228b --- /dev/null +++ b/Computer_Vision/xception41_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.4203717708587646 + set_success: 0.019437551498413086 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xception41_timm_13ac9e9c/onnx/xception41_timm_13ac9e9c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xception41.py +class: XceptionAligned +hash: 06bb54b9 +model_name: xception41 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 105160.5439 +onnx_ops_counter: + Add: 12 + Conv: 84 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 44 +parameters: 26969560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xception41_Opset16_timm/xception41_Opset16.onnx b/Computer_Vision/xception41_Opset16_timm/xception41_Opset16.onnx new file mode 100644 index 000000000..b96d900ba --- /dev/null +++ b/Computer_Vision/xception41_Opset16_timm/xception41_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c921324c7f8033f88f19530641592bee3b36904216ae8eab9c8f5c254be707e +size 107684364 diff --git a/Computer_Vision/xception41_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xception41_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9557b169f --- /dev/null +++ b/Computer_Vision/xception41_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.432837963104248 + set_success: 0.021827220916748047 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xception41_timm_13ac9e9c/onnx/xception41_timm_13ac9e9c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xception41.py +class: XceptionAligned +hash: 06bb54b9 +model_name: xception41 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 105160.5439 +onnx_ops_counter: + Add: 12 + Conv: 84 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 44 +parameters: 26969560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xception41_Opset17_timm/xception41_Opset17.onnx b/Computer_Vision/xception41_Opset17_timm/xception41_Opset17.onnx new file mode 100644 index 000000000..7353fed65 --- /dev/null +++ b/Computer_Vision/xception41_Opset17_timm/xception41_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c612a5510db6b11745e4afab78635d293f80a05cb573570400eee3cbaa81db6e +size 107684364 diff --git a/Computer_Vision/xception41_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xception41_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..760879929 --- /dev/null +++ b/Computer_Vision/xception41_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.485926628112793 + set_success: 0.019769906997680664 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xception41_timm_13ac9e9c/onnx/xception41_timm_13ac9e9c-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xception41.py +class: XceptionAligned +hash: 06bb54b9 +model_name: xception41 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 105160.5439 +onnx_ops_counter: + Add: 12 + Conv: 84 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 44 +parameters: 26969560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xception41_Opset18_timm/xception41_Opset18.onnx b/Computer_Vision/xception41_Opset18_timm/xception41_Opset18.onnx new file mode 100644 index 000000000..1c15d0ab2 --- /dev/null +++ b/Computer_Vision/xception41_Opset18_timm/xception41_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a5aa665226bdd3d5c4a5371b474cf1299c452c1db21c494c87cf5f7ff1c5466 +size 107684364 diff --git a/Computer_Vision/xception41p_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xception41p_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1a6d64f0d --- /dev/null +++ b/Computer_Vision/xception41p_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.1229889392852783 + set_success: 0.016023635864257812 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xception41p_timm_ba42464d/onnx/xception41p_timm_ba42464d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xception41p.py +class: XceptionAligned +hash: 6b66f705 +model_name: xception41p +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 105138.6514 +onnx_ops_counter: + Add: 12 + BatchNormalization: 12 + Conv: 84 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 41 +parameters: 26907752 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xception41p_Opset16_timm/xception41p_Opset16.onnx b/Computer_Vision/xception41p_Opset16_timm/xception41p_Opset16.onnx new file mode 100644 index 000000000..1daac2888 --- /dev/null +++ b/Computer_Vision/xception41p_Opset16_timm/xception41p_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2cb047650a6275697a783134bb6b795259bce9b8f86ac0dc98200c1c7aef0c65 +size 107661946 diff --git a/Computer_Vision/xception41p_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xception41p_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ba3cb261e --- /dev/null +++ b/Computer_Vision/xception41p_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9319860935211182 + set_success: 0.017927885055541992 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xception41p_timm_ba42464d/onnx/xception41p_timm_ba42464d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xception41p.py +class: XceptionAligned +hash: 6b66f705 +model_name: xception41p +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 105138.6514 +onnx_ops_counter: + Add: 12 + BatchNormalization: 12 + Conv: 84 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 41 +parameters: 26907752 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xception41p_Opset17_timm/xception41p_Opset17.onnx b/Computer_Vision/xception41p_Opset17_timm/xception41p_Opset17.onnx new file mode 100644 index 000000000..83e1fc4b4 --- /dev/null +++ b/Computer_Vision/xception41p_Opset17_timm/xception41p_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b01ec9d927f59d4ab1e243f72fd98ee20c45391851da3981e82b7c4639eff1b1 +size 107661946 diff --git a/Computer_Vision/xception41p_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xception41p_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c96e6480c --- /dev/null +++ b/Computer_Vision/xception41p_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.901611328125 + set_success: 0.017209768295288086 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xception41p_timm_ba42464d/onnx/xception41p_timm_ba42464d-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xception41p.py +class: XceptionAligned +hash: 6b66f705 +model_name: xception41p +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 105138.6514 +onnx_ops_counter: + Add: 12 + BatchNormalization: 12 + Conv: 84 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 41 +parameters: 26907752 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xception41p_Opset18_timm/xception41p_Opset18.onnx b/Computer_Vision/xception41p_Opset18_timm/xception41p_Opset18.onnx new file mode 100644 index 000000000..b62023a49 --- /dev/null +++ b/Computer_Vision/xception41p_Opset18_timm/xception41p_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:157fac477666a17182ef1cb3b30aa7274280209ccac03e7a99d0a505593cfcf6 +size 107661946 diff --git a/Computer_Vision/xception65_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xception65_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bd7612243 --- /dev/null +++ b/Computer_Vision/xception65_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.33009672164917 + set_success: 0.0198667049407959 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xception65_timm_a48d061a/onnx/xception65_timm_a48d061a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xception65.py +class: XceptionAligned +hash: 1b15395a +model_name: xception65 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 155618.249 +onnx_ops_counter: + Add: 20 + Conv: 132 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 68 +parameters: 39916312 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xception65_Opset16_timm/xception65_Opset16.onnx b/Computer_Vision/xception65_Opset16_timm/xception65_Opset16.onnx new file mode 100644 index 000000000..90f6aab68 --- /dev/null +++ b/Computer_Vision/xception65_Opset16_timm/xception65_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:97c5bf558315630b0863dd5c588439c2df2b8989f90d5472b59f03cd61379765 +size 159353054 diff --git a/Computer_Vision/xception65_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xception65_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d2c9869b1 --- /dev/null +++ b/Computer_Vision/xception65_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.101603746414185 + set_success: 0.02149033546447754 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xception65_timm_a48d061a/onnx/xception65_timm_a48d061a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xception65.py +class: XceptionAligned +hash: 1b15395a +model_name: xception65 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 155618.249 +onnx_ops_counter: + Add: 20 + Conv: 132 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 68 +parameters: 39916312 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xception65_Opset17_timm/xception65_Opset17.onnx b/Computer_Vision/xception65_Opset17_timm/xception65_Opset17.onnx new file mode 100644 index 000000000..68f74ac6a --- /dev/null +++ b/Computer_Vision/xception65_Opset17_timm/xception65_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4613bf8050c69f0c0be0a1258dce31cf5c2870af97abe863af1955f4f91305a1 +size 159353054 diff --git a/Computer_Vision/xception65_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xception65_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c0652f511 --- /dev/null +++ b/Computer_Vision/xception65_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.316608190536499 + set_success: 0.02880382537841797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xception65_timm_a48d061a/onnx/xception65_timm_a48d061a-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xception65.py +class: XceptionAligned +hash: 1b15395a +model_name: xception65 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 155618.249 +onnx_ops_counter: + Add: 20 + Conv: 132 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 68 +parameters: 39916312 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xception65_Opset18_timm/xception65_Opset18.onnx b/Computer_Vision/xception65_Opset18_timm/xception65_Opset18.onnx new file mode 100644 index 000000000..b8c842e9b --- /dev/null +++ b/Computer_Vision/xception65_Opset18_timm/xception65_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63c3a6bc78f7c69823f04eba47ce2bc70f3e523476b840bbbd7064895fcd7c9b +size 159353054 diff --git a/Computer_Vision/xception65p_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xception65p_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..49e2478a0 --- /dev/null +++ b/Computer_Vision/xception65p_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.9736666679382324 + set_success: 0.019016742706298828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xception65p_timm_fb4b62c3/onnx/xception65p_timm_fb4b62c3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xception65p.py +class: XceptionAligned +hash: 04fcc221 +model_name: xception65p +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 155600.1045 +onnx_ops_counter: + Add: 20 + BatchNormalization: 20 + Conv: 132 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 65 +parameters: 39819560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xception65p_Opset16_timm/xception65p_Opset16.onnx b/Computer_Vision/xception65p_Opset16_timm/xception65p_Opset16.onnx new file mode 100644 index 000000000..fba3ed0c5 --- /dev/null +++ b/Computer_Vision/xception65p_Opset16_timm/xception65p_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dbbe5113ec43ff97808ab2a9f95935d18d4b9fd97ab2326e80c33069f6ba7e91 +size 159334474 diff --git a/Computer_Vision/xception65p_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xception65p_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6a768c9b4 --- /dev/null +++ b/Computer_Vision/xception65p_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.4152376651763916 + set_success: 0.024214744567871094 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xception65p_timm_fb4b62c3/onnx/xception65p_timm_fb4b62c3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xception65p.py +class: XceptionAligned +hash: 04fcc221 +model_name: xception65p +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 155600.1045 +onnx_ops_counter: + Add: 20 + BatchNormalization: 20 + Conv: 132 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 65 +parameters: 39819560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xception65p_Opset17_timm/xception65p_Opset17.onnx b/Computer_Vision/xception65p_Opset17_timm/xception65p_Opset17.onnx new file mode 100644 index 000000000..fc9d75392 --- /dev/null +++ b/Computer_Vision/xception65p_Opset17_timm/xception65p_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:36085379265ec7a4d2aa47b95d36d93c97daf76305e64ac626b08bd08a1af6ce +size 159334474 diff --git a/Computer_Vision/xception65p_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xception65p_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..129996c55 --- /dev/null +++ b/Computer_Vision/xception65p_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.1467742919921875 + set_success: 0.026809215545654297 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xception65p_timm_fb4b62c3/onnx/xception65p_timm_fb4b62c3-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xception65p.py +class: XceptionAligned +hash: 04fcc221 +model_name: xception65p +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 155600.1045 +onnx_ops_counter: + Add: 20 + BatchNormalization: 20 + Conv: 132 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 65 +parameters: 39819560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xception65p_Opset18_timm/xception65p_Opset18.onnx b/Computer_Vision/xception65p_Opset18_timm/xception65p_Opset18.onnx new file mode 100644 index 000000000..27e0f244f --- /dev/null +++ b/Computer_Vision/xception65p_Opset18_timm/xception65p_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4bad0b080f392cc817a11b9b9bc9d84d60bf74fe05430f4465aefba3bde154be +size 159334474 diff --git a/Computer_Vision/xception71_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xception71_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9c75d80fb --- /dev/null +++ b/Computer_Vision/xception71_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.611945629119873 + set_success: 0.02245926856994629 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xception71_timm_e0466adb/onnx/xception71_timm_e0466adb-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xception71.py +class: XceptionAligned +hash: 2194d5d4 +model_name: xception71 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 165059.7295 +onnx_ops_counter: + Add: 22 + Conv: 146 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 74 +parameters: 42338736 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xception71_Opset16_timm/xception71_Opset16.onnx b/Computer_Vision/xception71_Opset16_timm/xception71_Opset16.onnx new file mode 100644 index 000000000..47e115046 --- /dev/null +++ b/Computer_Vision/xception71_Opset16_timm/xception71_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1bc957c58c5dccf2fb13f018aeb346c3cf9e5d152ea292937086525ae77e2797 +size 169021130 diff --git a/Computer_Vision/xception71_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xception71_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d02007ed8 --- /dev/null +++ b/Computer_Vision/xception71_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.6826393604278564 + set_success: 0.035749197006225586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xception71_timm_e0466adb/onnx/xception71_timm_e0466adb-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xception71.py +class: XceptionAligned +hash: 2194d5d4 +model_name: xception71 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 165059.7295 +onnx_ops_counter: + Add: 22 + Conv: 146 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 74 +parameters: 42338736 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xception71_Opset17_timm/xception71_Opset17.onnx b/Computer_Vision/xception71_Opset17_timm/xception71_Opset17.onnx new file mode 100644 index 000000000..0dfbad01f --- /dev/null +++ b/Computer_Vision/xception71_Opset17_timm/xception71_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d7a85b621784471669136541044fc039f773ce0c18dca4eafda197fb7f37fd3c +size 169021130 diff --git a/Computer_Vision/xception71_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xception71_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8779d3c77 --- /dev/null +++ b/Computer_Vision/xception71_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,199 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.518188238143921 + set_success: 0.021502256393432617 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xception71_timm_e0466adb/onnx/xception71_timm_e0466adb-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xception71.py +class: XceptionAligned +hash: 2194d5d4 +model_name: xception71 +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 165059.7295 +onnx_ops_counter: + Add: 22 + Conv: 146 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + Relu: 74 +parameters: 42338736 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xception71_Opset18_timm/xception71_Opset18.onnx b/Computer_Vision/xception71_Opset18_timm/xception71_Opset18.onnx new file mode 100644 index 000000000..40ec83c01 --- /dev/null +++ b/Computer_Vision/xception71_Opset18_timm/xception71_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bdbec1fc353a379881dc4aaeafcc24730f8e397fed7caf85e9bca47a57ea0721 +size 169021130 diff --git a/Computer_Vision/xception_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xception_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b73864214 --- /dev/null +++ b/Computer_Vision/xception_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7778100967407227 + set_success: 0.020726680755615234 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xception_timm_095d081e/onnx/xception_timm_095d081e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xception.py +class: Xception +hash: 0c50f5e5 +model_name: xception +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 89201.627 +onnx_ops_counter: + Add: 12 + Conv: 74 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Relu: 35 +parameters: 22855952 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xception_Opset16_timm/xception_Opset16.onnx b/Computer_Vision/xception_Opset16_timm/xception_Opset16.onnx new file mode 100644 index 000000000..77ea65ba1 --- /dev/null +++ b/Computer_Vision/xception_Opset16_timm/xception_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4cf834b49fc43accbc98e8070452de5024d98c600fcf653c2a5a50080f01c560 +size 91342433 diff --git a/Computer_Vision/xception_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xception_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b5ff7b1d1 --- /dev/null +++ b/Computer_Vision/xception_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.7880640029907227 + set_success: 0.019069433212280273 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xception_timm_095d081e/onnx/xception_timm_095d081e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xception.py +class: Xception +hash: 0c50f5e5 +model_name: xception +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 89201.627 +onnx_ops_counter: + Add: 12 + Conv: 74 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Relu: 35 +parameters: 22855952 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xception_Opset17_timm/xception_Opset17.onnx b/Computer_Vision/xception_Opset17_timm/xception_Opset17.onnx new file mode 100644 index 000000000..84e9a67b1 --- /dev/null +++ b/Computer_Vision/xception_Opset17_timm/xception_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:985e4ba7ed06d2ad9ea4669b1f86f72df6e7cfa1a2f57e9275201bfcf312d7ce +size 91342433 diff --git a/Computer_Vision/xception_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xception_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f1e00ecf3 --- /dev/null +++ b/Computer_Vision/xception_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,200 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.8330199718475342 + set_success: 0.02172374725341797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xception_timm_095d081e/onnx/xception_timm_095d081e-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xception.py +class: Xception +hash: 0c50f5e5 +model_name: xception +onnx_input_dimensions: + x: + - 1 + - 3 + - 299 + - 299 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 89201.627 +onnx_ops_counter: + Add: 12 + Conv: 74 + Flatten: 1 + Gemm: 1 + GlobalAveragePool: 1 + MaxPool: 4 + Relu: 35 +parameters: 22855952 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xception_Opset18_timm/xception_Opset18.onnx b/Computer_Vision/xception_Opset18_timm/xception_Opset18.onnx new file mode 100644 index 000000000..d49c5d421 --- /dev/null +++ b/Computer_Vision/xception_Opset18_timm/xception_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:70f4280dc7baff2941aa86232bdd82b6ba02f8f0d9febf292e32b3ad4a6f5bb9 +size 91342433 diff --git a/Computer_Vision/xcit_large_24_p16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_large_24_p16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ea1719d5c --- /dev/null +++ b/Computer_Vision/xcit_large_24_p16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 20.284945249557495 + set_success: 0.02533888816833496 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_large_24_p16_224_timm_855fef80/onnx/xcit_large_24_p16_224_timm_855fef80-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_large_24_p16_224.py +class: Xcit +hash: a0b16514 +model_name: xcit_large_24_p16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 739203.1533 +onnx_ops_counter: + Abs: 48 + Add: 392 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 798 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 184 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 158 + Mul: 290 + Pow: 173 + ReduceMean: 154 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 83 + Squeeze: 72 + Sub: 77 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 189096136 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_large_24_p16_224_Opset16_timm/xcit_large_24_p16_224_Opset16.onnx b/Computer_Vision/xcit_large_24_p16_224_Opset16_timm/xcit_large_24_p16_224_Opset16.onnx new file mode 100644 index 000000000..0f69122fe --- /dev/null +++ b/Computer_Vision/xcit_large_24_p16_224_Opset16_timm/xcit_large_24_p16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c1f9a5d96a42ff5883ee9a556d0dbc6da41ba641bf36588f52852c7561a847fd +size 756943996 diff --git a/Computer_Vision/xcit_large_24_p16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_large_24_p16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..bc184ad0c --- /dev/null +++ b/Computer_Vision/xcit_large_24_p16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.620012044906616 + set_success: 0.027384281158447266 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_large_24_p16_224_timm_855fef80/onnx/xcit_large_24_p16_224_timm_855fef80-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_large_24_p16_224.py +class: Xcit +hash: a0b16514 +model_name: xcit_large_24_p16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 739122.8613 +onnx_ops_counter: + Abs: 48 + Add: 238 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 644 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 107 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 213 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 189096136 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_large_24_p16_224_Opset17_timm/xcit_large_24_p16_224_Opset17.onnx b/Computer_Vision/xcit_large_24_p16_224_Opset17_timm/xcit_large_24_p16_224_Opset17.onnx new file mode 100644 index 000000000..eb53fd7b6 --- /dev/null +++ b/Computer_Vision/xcit_large_24_p16_224_Opset17_timm/xcit_large_24_p16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca8cca1395d011dd76bbd6fb6796580154a6e13624a48cab2c2675e12ff5338a +size 756861777 diff --git a/Computer_Vision/xcit_large_24_p16_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_large_24_p16_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9716824d8 --- /dev/null +++ b/Computer_Vision/xcit_large_24_p16_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 20.062222480773926 + set_success: 0.02686619758605957 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_large_24_p16_224_timm_855fef80/onnx/xcit_large_24_p16_224_timm_855fef80-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_large_24_p16_224.py +class: Xcit +hash: a0b16514 +model_name: xcit_large_24_p16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 739122.8613 +onnx_ops_counter: + Abs: 48 + Add: 238 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 644 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 107 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 213 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 189096136 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_large_24_p16_224_Opset18_timm/xcit_large_24_p16_224_Opset18.onnx b/Computer_Vision/xcit_large_24_p16_224_Opset18_timm/xcit_large_24_p16_224_Opset18.onnx new file mode 100644 index 000000000..0ba033105 --- /dev/null +++ b/Computer_Vision/xcit_large_24_p16_224_Opset18_timm/xcit_large_24_p16_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f9a5430e25c0d3118cf26fcd6f878dc406311edcc836faa62160c9d3e0d558e +size 756861777 diff --git a/Computer_Vision/xcit_large_24_p16_224_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_large_24_p16_224_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0da677db2 --- /dev/null +++ b/Computer_Vision/xcit_large_24_p16_224_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 21.166797399520874 + set_success: 0.026101112365722656 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_large_24_p16_224_dist_timm_855fef80/onnx/xcit_large_24_p16_224_dist_timm_855fef80-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_large_24_p16_224_dist.py +class: Xcit +hash: a0b16514 +model_name: xcit_large_24_p16_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 739203.1533 +onnx_ops_counter: + Abs: 48 + Add: 392 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 798 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 184 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 158 + Mul: 290 + Pow: 173 + ReduceMean: 154 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 83 + Squeeze: 72 + Sub: 77 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 189096136 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_large_24_p16_224_dist_Opset16_timm/xcit_large_24_p16_224_dist_Opset16.onnx b/Computer_Vision/xcit_large_24_p16_224_dist_Opset16_timm/xcit_large_24_p16_224_dist_Opset16.onnx new file mode 100644 index 000000000..b0a6c6b35 --- /dev/null +++ b/Computer_Vision/xcit_large_24_p16_224_dist_Opset16_timm/xcit_large_24_p16_224_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:20cd0047c238a0ac169cb88229e21f27d89e3b7055d8f51c8efc56415694f8b2 +size 756943996 diff --git a/Computer_Vision/xcit_large_24_p16_224_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_large_24_p16_224_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..db3ebbdf2 --- /dev/null +++ b/Computer_Vision/xcit_large_24_p16_224_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 20.419358015060425 + set_success: 0.026358604431152344 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_large_24_p16_224_dist_timm_855fef80/onnx/xcit_large_24_p16_224_dist_timm_855fef80-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_large_24_p16_224_dist.py +class: Xcit +hash: a0b16514 +model_name: xcit_large_24_p16_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 739122.8613 +onnx_ops_counter: + Abs: 48 + Add: 238 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 644 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 107 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 213 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 189096136 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_large_24_p16_224_dist_Opset17_timm/xcit_large_24_p16_224_dist_Opset17.onnx b/Computer_Vision/xcit_large_24_p16_224_dist_Opset17_timm/xcit_large_24_p16_224_dist_Opset17.onnx new file mode 100644 index 000000000..c3ab557db --- /dev/null +++ b/Computer_Vision/xcit_large_24_p16_224_dist_Opset17_timm/xcit_large_24_p16_224_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8f2866e602c518eb935f92f065f0e74f45b97cd303f53641360ffd807231892 +size 756861777 diff --git a/Computer_Vision/xcit_large_24_p16_224_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_large_24_p16_224_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..35a707ecc --- /dev/null +++ b/Computer_Vision/xcit_large_24_p16_224_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.848303079605103 + set_success: 0.02835249900817871 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_large_24_p16_224_dist_timm_855fef80/onnx/xcit_large_24_p16_224_dist_timm_855fef80-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_large_24_p16_224_dist.py +class: Xcit +hash: a0b16514 +model_name: xcit_large_24_p16_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 739122.8613 +onnx_ops_counter: + Abs: 48 + Add: 238 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 644 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 107 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 213 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 189096136 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_large_24_p16_224_dist_Opset18_timm/xcit_large_24_p16_224_dist_Opset18.onnx b/Computer_Vision/xcit_large_24_p16_224_dist_Opset18_timm/xcit_large_24_p16_224_dist_Opset18.onnx new file mode 100644 index 000000000..0b67b4d08 --- /dev/null +++ b/Computer_Vision/xcit_large_24_p16_224_dist_Opset18_timm/xcit_large_24_p16_224_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23c85b5e8b0059e774d2bdb12633fbee456b99af98850dada500b9c6481dd97a +size 756861777 diff --git a/Computer_Vision/xcit_large_24_p16_384_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_large_24_p16_384_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..34bbc5ec7 --- /dev/null +++ b/Computer_Vision/xcit_large_24_p16_384_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 24.217445373535156 + set_success: 0.2729058265686035 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_large_24_p16_384_dist_timm_3c0e2c08/onnx/xcit_large_24_p16_384_dist_timm_3c0e2c08-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_large_24_p16_384_dist.py +class: Xcit +hash: a0b16514 +model_name: xcit_large_24_p16_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 739203.2314 +onnx_ops_counter: + Abs: 48 + Add: 392 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 798 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 184 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 158 + Mul: 290 + Pow: 173 + ReduceMean: 154 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 83 + Squeeze: 72 + Sub: 77 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 189096136 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_large_24_p16_384_dist_Opset16_timm/xcit_large_24_p16_384_dist_Opset16.onnx b/Computer_Vision/xcit_large_24_p16_384_dist_Opset16_timm/xcit_large_24_p16_384_dist_Opset16.onnx new file mode 100644 index 000000000..f1b9beb1a --- /dev/null +++ b/Computer_Vision/xcit_large_24_p16_384_dist_Opset16_timm/xcit_large_24_p16_384_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64e98ee1c3b5ab8fffb8dad353fc9db74a79791d2cd8f9015de5bc3a7e6c9959 +size 756944076 diff --git a/Computer_Vision/xcit_large_24_p16_384_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_large_24_p16_384_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5a1b490dc --- /dev/null +++ b/Computer_Vision/xcit_large_24_p16_384_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.58588457107544 + set_success: 0.03466176986694336 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_large_24_p16_384_dist_timm_3c0e2c08/onnx/xcit_large_24_p16_384_dist_timm_3c0e2c08-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_large_24_p16_384_dist.py +class: Xcit +hash: a0b16514 +model_name: xcit_large_24_p16_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 739122.9395 +onnx_ops_counter: + Abs: 48 + Add: 238 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 644 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 107 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 213 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 189096136 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_large_24_p16_384_dist_Opset17_timm/xcit_large_24_p16_384_dist_Opset17.onnx b/Computer_Vision/xcit_large_24_p16_384_dist_Opset17_timm/xcit_large_24_p16_384_dist_Opset17.onnx new file mode 100644 index 000000000..4dcc55fa7 --- /dev/null +++ b/Computer_Vision/xcit_large_24_p16_384_dist_Opset17_timm/xcit_large_24_p16_384_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d996a87955436ceea2daff2a705e97dbfba17d6d73b00759668073a5dd890aad +size 756861857 diff --git a/Computer_Vision/xcit_large_24_p16_384_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_large_24_p16_384_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..37100094d --- /dev/null +++ b/Computer_Vision/xcit_large_24_p16_384_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.794070720672607 + set_success: 0.034743547439575195 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_large_24_p16_384_dist_timm_3c0e2c08/onnx/xcit_large_24_p16_384_dist_timm_3c0e2c08-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_large_24_p16_384_dist.py +class: Xcit +hash: a0b16514 +model_name: xcit_large_24_p16_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 739122.9395 +onnx_ops_counter: + Abs: 48 + Add: 238 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 644 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 107 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 213 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 189096136 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_large_24_p16_384_dist_Opset18_timm/xcit_large_24_p16_384_dist_Opset18.onnx b/Computer_Vision/xcit_large_24_p16_384_dist_Opset18_timm/xcit_large_24_p16_384_dist_Opset18.onnx new file mode 100644 index 000000000..e1b296a93 --- /dev/null +++ b/Computer_Vision/xcit_large_24_p16_384_dist_Opset18_timm/xcit_large_24_p16_384_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d49816ad911a1771cc470e03733270da43f56b50d0eb5a14f5dd240ca85d7dd7 +size 756861857 diff --git a/Computer_Vision/xcit_large_24_p8_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_large_24_p8_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f26f86a9f --- /dev/null +++ b/Computer_Vision/xcit_large_24_p8_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 21.88028359413147 + set_success: 0.039363861083984375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_large_24_p8_224_timm_5d57c536/onnx/xcit_large_24_p8_224_timm_5d57c536-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_large_24_p8_224.py +class: Xcit +hash: 6b5876e4 +model_name: xcit_large_24_p8_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 738563.5967 +onnx_ops_counter: + Abs: 48 + Add: 391 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 795 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 183 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 158 + Mul: 288 + Pow: 173 + ReduceMean: 154 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 83 + Squeeze: 72 + Sub: 77 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 188932648 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_large_24_p8_224_Opset16_timm/xcit_large_24_p8_224_Opset16.onnx b/Computer_Vision/xcit_large_24_p8_224_Opset16_timm/xcit_large_24_p8_224_Opset16.onnx new file mode 100644 index 000000000..7a7c439a3 --- /dev/null +++ b/Computer_Vision/xcit_large_24_p8_224_Opset16_timm/xcit_large_24_p8_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ccf015e10f5f74fdad98be46e00d4c06a077529707fbad6f5633dcdb9bb0984 +size 756289090 diff --git a/Computer_Vision/xcit_large_24_p8_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_large_24_p8_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7ad6bfbef --- /dev/null +++ b/Computer_Vision/xcit_large_24_p8_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 23.986170053482056 + set_success: 0.7538032531738281 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_large_24_p8_224_timm_5d57c536/onnx/xcit_large_24_p8_224_timm_5d57c536-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_large_24_p8_224.py +class: Xcit +hash: 6b5876e4 +model_name: xcit_large_24_p8_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 738483.3047 +onnx_ops_counter: + Abs: 48 + Add: 237 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 641 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 106 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 211 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 188932648 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_large_24_p8_224_Opset17_timm/xcit_large_24_p8_224_Opset17.onnx b/Computer_Vision/xcit_large_24_p8_224_Opset17_timm/xcit_large_24_p8_224_Opset17.onnx new file mode 100644 index 000000000..ed2824ffb --- /dev/null +++ b/Computer_Vision/xcit_large_24_p8_224_Opset17_timm/xcit_large_24_p8_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:641763a06aaab76898d98d1d241567e41b44df89532692c2fd8316480881dc15 +size 756206871 diff --git a/Computer_Vision/xcit_large_24_p8_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_large_24_p8_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..09f76c571 --- /dev/null +++ b/Computer_Vision/xcit_large_24_p8_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.584758758544922 + set_success: 0.0370328426361084 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_large_24_p8_224_timm_5d57c536/onnx/xcit_large_24_p8_224_timm_5d57c536-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_large_24_p8_224.py +class: Xcit +hash: 6b5876e4 +model_name: xcit_large_24_p8_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 738483.3047 +onnx_ops_counter: + Abs: 48 + Add: 237 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 641 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 106 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 211 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 188932648 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_large_24_p8_224_Opset18_timm/xcit_large_24_p8_224_Opset18.onnx b/Computer_Vision/xcit_large_24_p8_224_Opset18_timm/xcit_large_24_p8_224_Opset18.onnx new file mode 100644 index 000000000..94565ab2c --- /dev/null +++ b/Computer_Vision/xcit_large_24_p8_224_Opset18_timm/xcit_large_24_p8_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c41d6d89f5cbe666086bb7204dd9f3e5b7472d0cf42dba8be057eb1c442e1c1 +size 756206871 diff --git a/Computer_Vision/xcit_large_24_p8_224_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_large_24_p8_224_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3bbacf0b1 --- /dev/null +++ b/Computer_Vision/xcit_large_24_p8_224_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 21.532222509384155 + set_success: 1.187260389328003 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_large_24_p8_224_dist_timm_5d57c536/onnx/xcit_large_24_p8_224_dist_timm_5d57c536-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_large_24_p8_224_dist.py +class: Xcit +hash: 6b5876e4 +model_name: xcit_large_24_p8_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 738563.5967 +onnx_ops_counter: + Abs: 48 + Add: 391 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 795 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 183 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 158 + Mul: 288 + Pow: 173 + ReduceMean: 154 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 83 + Squeeze: 72 + Sub: 77 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 188932648 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_large_24_p8_224_dist_Opset16_timm/xcit_large_24_p8_224_dist_Opset16.onnx b/Computer_Vision/xcit_large_24_p8_224_dist_Opset16_timm/xcit_large_24_p8_224_dist_Opset16.onnx new file mode 100644 index 000000000..3e0369067 --- /dev/null +++ b/Computer_Vision/xcit_large_24_p8_224_dist_Opset16_timm/xcit_large_24_p8_224_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6f2d579673166ee06685975aaa04ca39930bdfdfedbcff5a0a352109a065fa5 +size 756289090 diff --git a/Computer_Vision/xcit_large_24_p8_224_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_large_24_p8_224_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..161a084e5 --- /dev/null +++ b/Computer_Vision/xcit_large_24_p8_224_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.526291847229004 + set_success: 0.05002450942993164 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_large_24_p8_224_dist_timm_5d57c536/onnx/xcit_large_24_p8_224_dist_timm_5d57c536-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_large_24_p8_224_dist.py +class: Xcit +hash: 6b5876e4 +model_name: xcit_large_24_p8_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 738483.3047 +onnx_ops_counter: + Abs: 48 + Add: 237 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 641 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 106 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 211 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 188932648 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_large_24_p8_224_dist_Opset17_timm/xcit_large_24_p8_224_dist_Opset17.onnx b/Computer_Vision/xcit_large_24_p8_224_dist_Opset17_timm/xcit_large_24_p8_224_dist_Opset17.onnx new file mode 100644 index 000000000..db4802d94 --- /dev/null +++ b/Computer_Vision/xcit_large_24_p8_224_dist_Opset17_timm/xcit_large_24_p8_224_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1544f1aeee42839f4335c53a3f933636cf3a6e26d85eb0b758293ee697eab53f +size 756206871 diff --git a/Computer_Vision/xcit_large_24_p8_224_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_large_24_p8_224_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..fb348d7ed --- /dev/null +++ b/Computer_Vision/xcit_large_24_p8_224_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.92917799949646 + set_success: 0.039313554763793945 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_large_24_p8_224_dist_timm_5d57c536/onnx/xcit_large_24_p8_224_dist_timm_5d57c536-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_large_24_p8_224_dist.py +class: Xcit +hash: 6b5876e4 +model_name: xcit_large_24_p8_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 738483.3047 +onnx_ops_counter: + Abs: 48 + Add: 237 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 641 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 106 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 211 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 188932648 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_large_24_p8_224_dist_Opset18_timm/xcit_large_24_p8_224_dist_Opset18.onnx b/Computer_Vision/xcit_large_24_p8_224_dist_Opset18_timm/xcit_large_24_p8_224_dist_Opset18.onnx new file mode 100644 index 000000000..ced0ba453 --- /dev/null +++ b/Computer_Vision/xcit_large_24_p8_224_dist_Opset18_timm/xcit_large_24_p8_224_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4991e55e201e7faceb403607a3a7962b0d53564cf785f0de06e7690b7f68c17f +size 756206871 diff --git a/Computer_Vision/xcit_large_24_p8_384_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_large_24_p8_384_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..12ff693af --- /dev/null +++ b/Computer_Vision/xcit_large_24_p8_384_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 24.771220445632935 + set_success: 0.046861886978149414 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_large_24_p8_384_dist_timm_e91a7974/onnx/xcit_large_24_p8_384_dist_timm_e91a7974-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_large_24_p8_384_dist.py +class: Xcit +hash: 6b5876e4 +model_name: xcit_large_24_p8_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 738563.7568 +onnx_ops_counter: + Abs: 48 + Add: 391 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 795 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 183 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 158 + Mul: 288 + Pow: 173 + ReduceMean: 154 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 83 + Squeeze: 72 + Sub: 77 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 188932648 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_large_24_p8_384_dist_Opset16_timm/xcit_large_24_p8_384_dist_Opset16.onnx b/Computer_Vision/xcit_large_24_p8_384_dist_Opset16_timm/xcit_large_24_p8_384_dist_Opset16.onnx new file mode 100644 index 000000000..0cfd711fe --- /dev/null +++ b/Computer_Vision/xcit_large_24_p8_384_dist_Opset16_timm/xcit_large_24_p8_384_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a41f917fffde9bd184a8c7aeacbf3fd6a19c89626a65b5d9a76476493071e02 +size 756289254 diff --git a/Computer_Vision/xcit_large_24_p8_384_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_large_24_p8_384_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..46a556b16 --- /dev/null +++ b/Computer_Vision/xcit_large_24_p8_384_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 22.89847159385681 + set_success: 3.835909366607666 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_large_24_p8_384_dist_timm_e91a7974/onnx/xcit_large_24_p8_384_dist_timm_e91a7974-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_large_24_p8_384_dist.py +class: Xcit +hash: 6b5876e4 +model_name: xcit_large_24_p8_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 738483.4648 +onnx_ops_counter: + Abs: 48 + Add: 237 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 641 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 106 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 211 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 188932648 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_large_24_p8_384_dist_Opset17_timm/xcit_large_24_p8_384_dist_Opset17.onnx b/Computer_Vision/xcit_large_24_p8_384_dist_Opset17_timm/xcit_large_24_p8_384_dist_Opset17.onnx new file mode 100644 index 000000000..ecd2000b7 --- /dev/null +++ b/Computer_Vision/xcit_large_24_p8_384_dist_Opset17_timm/xcit_large_24_p8_384_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:78862d5c11855c163cd6743b26be7c5d719139f3c30cff8f4361b0742f25bea6 +size 756207035 diff --git a/Computer_Vision/xcit_large_24_p8_384_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_large_24_p8_384_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..00c5c327c --- /dev/null +++ b/Computer_Vision/xcit_large_24_p8_384_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 23.781949520111084 + set_success: 0.0501251220703125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_large_24_p8_384_dist_timm_e91a7974/onnx/xcit_large_24_p8_384_dist_timm_e91a7974-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_large_24_p8_384_dist.py +class: Xcit +hash: 6b5876e4 +model_name: xcit_large_24_p8_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 738483.4648 +onnx_ops_counter: + Abs: 48 + Add: 237 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 641 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 106 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 211 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 188932648 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_large_24_p8_384_dist_Opset18_timm/xcit_large_24_p8_384_dist_Opset18.onnx b/Computer_Vision/xcit_large_24_p8_384_dist_Opset18_timm/xcit_large_24_p8_384_dist_Opset18.onnx new file mode 100644 index 000000000..bbd86c63e --- /dev/null +++ b/Computer_Vision/xcit_large_24_p8_384_dist_Opset18_timm/xcit_large_24_p8_384_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a8198d1f9e97dc18bc5f7ac2a899832f74bf44b07509efd585465fab874c1d5 +size 756207035 diff --git a/Computer_Vision/xcit_medium_24_p16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_medium_24_p16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..881284526 --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.014822006225586 + set_success: 0.02247476577758789 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_medium_24_p16_224_timm_709f47a3/onnx/xcit_medium_24_p16_224_timm_709f47a3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_medium_24_p16_224.py +class: Xcit +hash: ae4823c0 +model_name: xcit_medium_24_p16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 330174.0869 +onnx_ops_counter: + Abs: 48 + Add: 392 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 798 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 184 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 158 + Mul: 290 + Pow: 173 + ReduceMean: 154 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 83 + Squeeze: 72 + Sub: 77 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 84395752 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_medium_24_p16_224_Opset16_timm/xcit_medium_24_p16_224_Opset16.onnx b/Computer_Vision/xcit_medium_24_p16_224_Opset16_timm/xcit_medium_24_p16_224_Opset16.onnx new file mode 100644 index 000000000..2cdebac51 --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p16_224_Opset16_timm/xcit_medium_24_p16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35ce481099c7266418ea3d457906badf6a669331d1664fcecc336485c29faef3 +size 338098232 diff --git a/Computer_Vision/xcit_medium_24_p16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_medium_24_p16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..24a41fbed --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.215182065963745 + set_success: 0.022927045822143555 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_medium_24_p16_224_timm_709f47a3/onnx/xcit_medium_24_p16_224_timm_709f47a3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_medium_24_p16_224.py +class: Xcit +hash: ae4823c0 +model_name: xcit_medium_24_p16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 330093.7949 +onnx_ops_counter: + Abs: 48 + Add: 238 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 644 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 107 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 213 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 84395752 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_medium_24_p16_224_Opset17_timm/xcit_medium_24_p16_224_Opset17.onnx b/Computer_Vision/xcit_medium_24_p16_224_Opset17_timm/xcit_medium_24_p16_224_Opset17.onnx new file mode 100644 index 000000000..155c04d67 --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p16_224_Opset17_timm/xcit_medium_24_p16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df6c5bc7ba122d81542485d556e66d323b027af81c926a3a8fc6d0baadf8ac3b +size 338016013 diff --git a/Computer_Vision/xcit_medium_24_p16_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_medium_24_p16_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5602194bc --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p16_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.241552114486694 + set_success: 0.023945331573486328 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_medium_24_p16_224_timm_709f47a3/onnx/xcit_medium_24_p16_224_timm_709f47a3-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_medium_24_p16_224.py +class: Xcit +hash: ae4823c0 +model_name: xcit_medium_24_p16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 330093.7949 +onnx_ops_counter: + Abs: 48 + Add: 238 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 644 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 107 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 213 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 84395752 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_medium_24_p16_224_Opset18_timm/xcit_medium_24_p16_224_Opset18.onnx b/Computer_Vision/xcit_medium_24_p16_224_Opset18_timm/xcit_medium_24_p16_224_Opset18.onnx new file mode 100644 index 000000000..16b65b8ad --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p16_224_Opset18_timm/xcit_medium_24_p16_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f528f7d1ec5ef9dc56fb22f8264147b662b49ffa351dd7bec2b3acdeb42e570 +size 338016013 diff --git a/Computer_Vision/xcit_medium_24_p16_224_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_medium_24_p16_224_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5771bbe5f --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p16_224_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.39285969734192 + set_success: 0.027601957321166992 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_medium_24_p16_224_dist_timm_709f47a3/onnx/xcit_medium_24_p16_224_dist_timm_709f47a3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_medium_24_p16_224_dist.py +class: Xcit +hash: ae4823c0 +model_name: xcit_medium_24_p16_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 330174.0869 +onnx_ops_counter: + Abs: 48 + Add: 392 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 798 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 184 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 158 + Mul: 290 + Pow: 173 + ReduceMean: 154 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 83 + Squeeze: 72 + Sub: 77 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 84395752 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_medium_24_p16_224_dist_Opset16_timm/xcit_medium_24_p16_224_dist_Opset16.onnx b/Computer_Vision/xcit_medium_24_p16_224_dist_Opset16_timm/xcit_medium_24_p16_224_dist_Opset16.onnx new file mode 100644 index 000000000..d549d8816 --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p16_224_dist_Opset16_timm/xcit_medium_24_p16_224_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e9f1ac9ae20229ecac5ce263ce20d5f04d199070dff48aa29dcc34f578107e1 +size 338098232 diff --git a/Computer_Vision/xcit_medium_24_p16_224_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_medium_24_p16_224_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..dddcc86dc --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p16_224_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.221459865570068 + set_success: 0.023240327835083008 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_medium_24_p16_224_dist_timm_709f47a3/onnx/xcit_medium_24_p16_224_dist_timm_709f47a3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_medium_24_p16_224_dist.py +class: Xcit +hash: ae4823c0 +model_name: xcit_medium_24_p16_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 330093.7949 +onnx_ops_counter: + Abs: 48 + Add: 238 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 644 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 107 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 213 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 84395752 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_medium_24_p16_224_dist_Opset17_timm/xcit_medium_24_p16_224_dist_Opset17.onnx b/Computer_Vision/xcit_medium_24_p16_224_dist_Opset17_timm/xcit_medium_24_p16_224_dist_Opset17.onnx new file mode 100644 index 000000000..e9fa65d0e --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p16_224_dist_Opset17_timm/xcit_medium_24_p16_224_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4887bfea525bf93505414918b7a64205c68886fd5dae0861fb6a1f4338dad21f +size 338016013 diff --git a/Computer_Vision/xcit_medium_24_p16_224_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_medium_24_p16_224_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..70bd245a9 --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p16_224_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.040531396865845 + set_success: 0.024422407150268555 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_medium_24_p16_224_dist_timm_709f47a3/onnx/xcit_medium_24_p16_224_dist_timm_709f47a3-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_medium_24_p16_224_dist.py +class: Xcit +hash: ae4823c0 +model_name: xcit_medium_24_p16_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 330093.7949 +onnx_ops_counter: + Abs: 48 + Add: 238 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 644 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 107 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 213 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 84395752 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_medium_24_p16_224_dist_Opset18_timm/xcit_medium_24_p16_224_dist_Opset18.onnx b/Computer_Vision/xcit_medium_24_p16_224_dist_Opset18_timm/xcit_medium_24_p16_224_dist_Opset18.onnx new file mode 100644 index 000000000..00c06167d --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p16_224_dist_Opset18_timm/xcit_medium_24_p16_224_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adde35588904023770188e8cbc30917ca589129e598b1c65c5a75fc63f61ec71 +size 338016013 diff --git a/Computer_Vision/xcit_medium_24_p16_384_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_medium_24_p16_384_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..269f65cff --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p16_384_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.44463038444519 + set_success: 0.029916763305664062 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_medium_24_p16_384_dist_timm_549a62a3/onnx/xcit_medium_24_p16_384_dist_timm_549a62a3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_medium_24_p16_384_dist.py +class: Xcit +hash: ae4823c0 +model_name: xcit_medium_24_p16_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 330174.165 +onnx_ops_counter: + Abs: 48 + Add: 392 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 798 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 184 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 158 + Mul: 290 + Pow: 173 + ReduceMean: 154 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 83 + Squeeze: 72 + Sub: 77 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 84395752 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_medium_24_p16_384_dist_Opset16_timm/xcit_medium_24_p16_384_dist_Opset16.onnx b/Computer_Vision/xcit_medium_24_p16_384_dist_Opset16_timm/xcit_medium_24_p16_384_dist_Opset16.onnx new file mode 100644 index 000000000..98ff17988 --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p16_384_dist_Opset16_timm/xcit_medium_24_p16_384_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23a2c88adde4fec1668e0e1102ddc00235c148ff32da674d43a6cbf786c3bc2a +size 338098312 diff --git a/Computer_Vision/xcit_medium_24_p16_384_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_medium_24_p16_384_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..540a4958d --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p16_384_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.749690771102905 + set_success: 0.04088544845581055 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_medium_24_p16_384_dist_timm_549a62a3/onnx/xcit_medium_24_p16_384_dist_timm_549a62a3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_medium_24_p16_384_dist.py +class: Xcit +hash: ae4823c0 +model_name: xcit_medium_24_p16_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 330093.873 +onnx_ops_counter: + Abs: 48 + Add: 238 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 644 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 107 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 213 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 84395752 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_medium_24_p16_384_dist_Opset17_timm/xcit_medium_24_p16_384_dist_Opset17.onnx b/Computer_Vision/xcit_medium_24_p16_384_dist_Opset17_timm/xcit_medium_24_p16_384_dist_Opset17.onnx new file mode 100644 index 000000000..93393d1d4 --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p16_384_dist_Opset17_timm/xcit_medium_24_p16_384_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:45b58584cbc4c670d1fbda05911329b9a66cf5ecaed96291477f31f793467c78 +size 338016093 diff --git a/Computer_Vision/xcit_medium_24_p16_384_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_medium_24_p16_384_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..14d975cf6 --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p16_384_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.44758653640747 + set_success: 0.04284501075744629 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_medium_24_p16_384_dist_timm_549a62a3/onnx/xcit_medium_24_p16_384_dist_timm_549a62a3-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_medium_24_p16_384_dist.py +class: Xcit +hash: ae4823c0 +model_name: xcit_medium_24_p16_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 330093.873 +onnx_ops_counter: + Abs: 48 + Add: 238 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 644 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 107 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 213 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 84395752 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_medium_24_p16_384_dist_Opset18_timm/xcit_medium_24_p16_384_dist_Opset18.onnx b/Computer_Vision/xcit_medium_24_p16_384_dist_Opset18_timm/xcit_medium_24_p16_384_dist_Opset18.onnx new file mode 100644 index 000000000..b8c65a6c4 --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p16_384_dist_Opset18_timm/xcit_medium_24_p16_384_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a74aae616755bb6c171bae241048e6b0eab41b699747c3f45ac9952baa63e514 +size 338016093 diff --git a/Computer_Vision/xcit_medium_24_p8_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_medium_24_p8_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..73a45f3b2 --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p8_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.181323766708374 + set_success: 0.03839278221130371 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_medium_24_p8_224_timm_6830a80e/onnx/xcit_medium_24_p8_224_timm_6830a80e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_medium_24_p8_224.py +class: Xcit +hash: 70927e79 +model_name: xcit_medium_24_p8_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 329891.2783 +onnx_ops_counter: + Abs: 48 + Add: 391 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 795 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 183 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 158 + Mul: 288 + Pow: 173 + ReduceMean: 154 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 83 + Squeeze: 72 + Sub: 77 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 84323624 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_medium_24_p8_224_Opset16_timm/xcit_medium_24_p8_224_Opset16.onnx b/Computer_Vision/xcit_medium_24_p8_224_Opset16_timm/xcit_medium_24_p8_224_Opset16.onnx new file mode 100644 index 000000000..fd9c5d963 --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p8_224_Opset16_timm/xcit_medium_24_p8_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b2e093d8df709f428c4bbee88836a7af18fe03d9a5eaac05d94a271e15c49b9 +size 337808636 diff --git a/Computer_Vision/xcit_medium_24_p8_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_medium_24_p8_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a3b6d84c1 --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p8_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.749909162521362 + set_success: 0.03383588790893555 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_medium_24_p8_224_timm_6830a80e/onnx/xcit_medium_24_p8_224_timm_6830a80e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_medium_24_p8_224.py +class: Xcit +hash: 70927e79 +model_name: xcit_medium_24_p8_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 329810.9863 +onnx_ops_counter: + Abs: 48 + Add: 237 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 641 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 106 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 211 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 84323624 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_medium_24_p8_224_Opset17_timm/xcit_medium_24_p8_224_Opset17.onnx b/Computer_Vision/xcit_medium_24_p8_224_Opset17_timm/xcit_medium_24_p8_224_Opset17.onnx new file mode 100644 index 000000000..481a88d7f --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p8_224_Opset17_timm/xcit_medium_24_p8_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:157cd42609d81adc692fd3422291cb752e3fff474ca90b3f94cddf49d83b20e0 +size 337726417 diff --git a/Computer_Vision/xcit_medium_24_p8_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_medium_24_p8_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b109311fe --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p8_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.702491521835327 + set_success: 0.03766012191772461 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_medium_24_p8_224_timm_6830a80e/onnx/xcit_medium_24_p8_224_timm_6830a80e-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_medium_24_p8_224.py +class: Xcit +hash: 70927e79 +model_name: xcit_medium_24_p8_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 329810.9863 +onnx_ops_counter: + Abs: 48 + Add: 237 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 641 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 106 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 211 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 84323624 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_medium_24_p8_224_Opset18_timm/xcit_medium_24_p8_224_Opset18.onnx b/Computer_Vision/xcit_medium_24_p8_224_Opset18_timm/xcit_medium_24_p8_224_Opset18.onnx new file mode 100644 index 000000000..c3a7c92c9 --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p8_224_Opset18_timm/xcit_medium_24_p8_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e9ebd50de555336db6ca1e6619e8b1605791e040b80d56875b6a493e95a73b43 +size 337726417 diff --git a/Computer_Vision/xcit_medium_24_p8_224_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_medium_24_p8_224_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f960bb0ad --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p8_224_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.207621335983276 + set_success: 0.03309917449951172 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_medium_24_p8_224_dist_timm_6830a80e/onnx/xcit_medium_24_p8_224_dist_timm_6830a80e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_medium_24_p8_224_dist.py +class: Xcit +hash: 70927e79 +model_name: xcit_medium_24_p8_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 329891.2783 +onnx_ops_counter: + Abs: 48 + Add: 391 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 795 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 183 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 158 + Mul: 288 + Pow: 173 + ReduceMean: 154 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 83 + Squeeze: 72 + Sub: 77 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 84323624 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_medium_24_p8_224_dist_Opset16_timm/xcit_medium_24_p8_224_dist_Opset16.onnx b/Computer_Vision/xcit_medium_24_p8_224_dist_Opset16_timm/xcit_medium_24_p8_224_dist_Opset16.onnx new file mode 100644 index 000000000..5f0a98fe5 --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p8_224_dist_Opset16_timm/xcit_medium_24_p8_224_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:be0a8c8e2fea2763b4d8c389c633957d39ebb8f9eab7f47696708d3e6585f0d6 +size 337808636 diff --git a/Computer_Vision/xcit_medium_24_p8_224_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_medium_24_p8_224_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..604be57fd --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p8_224_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.80338454246521 + set_success: 0.033304452896118164 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_medium_24_p8_224_dist_timm_6830a80e/onnx/xcit_medium_24_p8_224_dist_timm_6830a80e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_medium_24_p8_224_dist.py +class: Xcit +hash: 70927e79 +model_name: xcit_medium_24_p8_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 329810.9863 +onnx_ops_counter: + Abs: 48 + Add: 237 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 641 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 106 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 211 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 84323624 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_medium_24_p8_224_dist_Opset17_timm/xcit_medium_24_p8_224_dist_Opset17.onnx b/Computer_Vision/xcit_medium_24_p8_224_dist_Opset17_timm/xcit_medium_24_p8_224_dist_Opset17.onnx new file mode 100644 index 000000000..5d0729251 --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p8_224_dist_Opset17_timm/xcit_medium_24_p8_224_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:93ba801b87a85bf121db183bd2c0eb4c64bf4f7249f0f8367e9a34484ac68b7f +size 337726417 diff --git a/Computer_Vision/xcit_medium_24_p8_224_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_medium_24_p8_224_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..83b1b767a --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p8_224_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.680275440216064 + set_success: 0.03424549102783203 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_medium_24_p8_224_dist_timm_6830a80e/onnx/xcit_medium_24_p8_224_dist_timm_6830a80e-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_medium_24_p8_224_dist.py +class: Xcit +hash: 70927e79 +model_name: xcit_medium_24_p8_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 329810.9863 +onnx_ops_counter: + Abs: 48 + Add: 237 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 641 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 106 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 211 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 84323624 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_medium_24_p8_224_dist_Opset18_timm/xcit_medium_24_p8_224_dist_Opset18.onnx b/Computer_Vision/xcit_medium_24_p8_224_dist_Opset18_timm/xcit_medium_24_p8_224_dist_Opset18.onnx new file mode 100644 index 000000000..da6171f07 --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p8_224_dist_Opset18_timm/xcit_medium_24_p8_224_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a1b279e5c6cb15b61090eebcadee17df0af465cc08b45b1616144c4d414d3f6 +size 337726417 diff --git a/Computer_Vision/xcit_medium_24_p8_384_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_medium_24_p8_384_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ed0289604 --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p8_384_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.472877979278564 + set_success: 0.04389619827270508 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_medium_24_p8_384_dist_timm_97a803bf/onnx/xcit_medium_24_p8_384_dist_timm_97a803bf-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_medium_24_p8_384_dist.py +class: Xcit +hash: 70927e79 +model_name: xcit_medium_24_p8_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 329891.4385 +onnx_ops_counter: + Abs: 48 + Add: 391 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 795 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 183 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 158 + Mul: 288 + Pow: 173 + ReduceMean: 154 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 83 + Squeeze: 72 + Sub: 77 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 84323624 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_medium_24_p8_384_dist_Opset16_timm/xcit_medium_24_p8_384_dist_Opset16.onnx b/Computer_Vision/xcit_medium_24_p8_384_dist_Opset16_timm/xcit_medium_24_p8_384_dist_Opset16.onnx new file mode 100644 index 000000000..7075ab2ff --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p8_384_dist_Opset16_timm/xcit_medium_24_p8_384_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb7d48a32251ff357e836135e8346b70309b583b1cdcc882c021ab7544d1666f +size 337808800 diff --git a/Computer_Vision/xcit_medium_24_p8_384_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_medium_24_p8_384_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..fa3af4ca7 --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p8_384_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.762423515319824 + set_success: 0.05022263526916504 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_medium_24_p8_384_dist_timm_97a803bf/onnx/xcit_medium_24_p8_384_dist_timm_97a803bf-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_medium_24_p8_384_dist.py +class: Xcit +hash: 70927e79 +model_name: xcit_medium_24_p8_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 329811.1465 +onnx_ops_counter: + Abs: 48 + Add: 237 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 641 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 106 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 211 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 84323624 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_medium_24_p8_384_dist_Opset17_timm/xcit_medium_24_p8_384_dist_Opset17.onnx b/Computer_Vision/xcit_medium_24_p8_384_dist_Opset17_timm/xcit_medium_24_p8_384_dist_Opset17.onnx new file mode 100644 index 000000000..93e253480 --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p8_384_dist_Opset17_timm/xcit_medium_24_p8_384_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:43d4e41fc3bd0aa3ca7718a6d218bcc4bff6111806ce7a730b2c015432e8a700 +size 337726581 diff --git a/Computer_Vision/xcit_medium_24_p8_384_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_medium_24_p8_384_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..977f47c8a --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p8_384_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.132160902023315 + set_success: 0.04940390586853027 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_medium_24_p8_384_dist_timm_97a803bf/onnx/xcit_medium_24_p8_384_dist_timm_97a803bf-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_medium_24_p8_384_dist.py +class: Xcit +hash: 70927e79 +model_name: xcit_medium_24_p8_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 329811.1465 +onnx_ops_counter: + Abs: 48 + Add: 237 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 641 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 106 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 211 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 84323624 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_medium_24_p8_384_dist_Opset18_timm/xcit_medium_24_p8_384_dist_Opset18.onnx b/Computer_Vision/xcit_medium_24_p8_384_dist_Opset18_timm/xcit_medium_24_p8_384_dist_Opset18.onnx new file mode 100644 index 000000000..5f9ad3fd8 --- /dev/null +++ b/Computer_Vision/xcit_medium_24_p8_384_dist_Opset18_timm/xcit_medium_24_p8_384_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2c7b6f19ccb8667589105384edfc29ed9651c16cb04585b5ec51fc1491bca1c +size 337726581 diff --git a/Computer_Vision/xcit_nano_12_p16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_nano_12_p16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b228dcb08 --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.48981499671936 + set_success: 0.01673102378845215 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_nano_12_p16_224_timm_c723627b/onnx/xcit_nano_12_p16_224_timm_c723627b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_nano_12_p16_224.py +class: Xcit +hash: ef13eb50 +model_name: xcit_nano_12_p16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 12171.0752 +onnx_ops_counter: + Abs: 24 + Add: 212 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 13 + Constant: 478 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 100 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + MatMul: 86 + Mul: 158 + Pow: 89 + ReduceMean: 82 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 21 + Softmax: 14 + Split: 12 + Sqrt: 47 + Squeeze: 36 + Sub: 41 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 3053224 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_nano_12_p16_224_Opset16_timm/xcit_nano_12_p16_224_Opset16.onnx b/Computer_Vision/xcit_nano_12_p16_224_Opset16_timm/xcit_nano_12_p16_224_Opset16.onnx new file mode 100644 index 000000000..bd84df0bf --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p16_224_Opset16_timm/xcit_nano_12_p16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:545bb8f8d7fda7dde34ef0626ec293ebc598e54a09b9512aab6b47020a9271d5 +size 12463148 diff --git a/Computer_Vision/xcit_nano_12_p16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_nano_12_p16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..83cc2b188 --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,226 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.063732147216797 + set_success: 0.015631675720214844 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_nano_12_p16_224_timm_c723627b/onnx/xcit_nano_12_p16_224_timm_c723627b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_nano_12_p16_224.py +class: Xcit +hash: ef13eb50 +model_name: xcit_nano_12_p16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 12128.459 +onnx_ops_counter: + Abs: 24 + Add: 130 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 13 + Constant: 396 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 59 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 117 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 21 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 3053224 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_nano_12_p16_224_Opset17_timm/xcit_nano_12_p16_224_Opset17.onnx b/Computer_Vision/xcit_nano_12_p16_224_Opset17_timm/xcit_nano_12_p16_224_Opset17.onnx new file mode 100644 index 000000000..354ba2985 --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p16_224_Opset17_timm/xcit_nano_12_p16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a755e02ae2c08cc01c9d7be44784c2f3fd935cd456b6be9f93895aec108af224 +size 12419509 diff --git a/Computer_Vision/xcit_nano_12_p16_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_nano_12_p16_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2bfa55df7 --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p16_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,226 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.184738397598267 + set_success: 0.016971588134765625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_nano_12_p16_224_timm_c723627b/onnx/xcit_nano_12_p16_224_timm_c723627b-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_nano_12_p16_224.py +class: Xcit +hash: ef13eb50 +model_name: xcit_nano_12_p16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 12128.459 +onnx_ops_counter: + Abs: 24 + Add: 130 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 13 + Constant: 396 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 59 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 117 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 21 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 3053224 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_nano_12_p16_224_Opset18_timm/xcit_nano_12_p16_224_Opset18.onnx b/Computer_Vision/xcit_nano_12_p16_224_Opset18_timm/xcit_nano_12_p16_224_Opset18.onnx new file mode 100644 index 000000000..952512ef4 --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p16_224_Opset18_timm/xcit_nano_12_p16_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0be6c3d98781b46296168da39a9ae58c0fc90d94529056cc1c9ff25706b71376 +size 12419509 diff --git a/Computer_Vision/xcit_nano_12_p16_224_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_nano_12_p16_224_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c289a1cbf --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p16_224_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.4543468952178955 + set_success: 0.014882087707519531 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_nano_12_p16_224_dist_timm_c723627b/onnx/xcit_nano_12_p16_224_dist_timm_c723627b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_nano_12_p16_224_dist.py +class: Xcit +hash: ef13eb50 +model_name: xcit_nano_12_p16_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 12171.0752 +onnx_ops_counter: + Abs: 24 + Add: 212 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 13 + Constant: 478 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 100 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + MatMul: 86 + Mul: 158 + Pow: 89 + ReduceMean: 82 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 21 + Softmax: 14 + Split: 12 + Sqrt: 47 + Squeeze: 36 + Sub: 41 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 3053224 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_nano_12_p16_224_dist_Opset16_timm/xcit_nano_12_p16_224_dist_Opset16.onnx b/Computer_Vision/xcit_nano_12_p16_224_dist_Opset16_timm/xcit_nano_12_p16_224_dist_Opset16.onnx new file mode 100644 index 000000000..2b017d775 --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p16_224_dist_Opset16_timm/xcit_nano_12_p16_224_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8bcd2d15acaf7288b94ebf12f3b5f1885aa08f63695af6331bb070d37caa7b22 +size 12463148 diff --git a/Computer_Vision/xcit_nano_12_p16_224_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_nano_12_p16_224_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..24b68078d --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p16_224_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,226 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.226513624191284 + set_success: 0.018651723861694336 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_nano_12_p16_224_dist_timm_c723627b/onnx/xcit_nano_12_p16_224_dist_timm_c723627b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_nano_12_p16_224_dist.py +class: Xcit +hash: ef13eb50 +model_name: xcit_nano_12_p16_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 12128.459 +onnx_ops_counter: + Abs: 24 + Add: 130 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 13 + Constant: 396 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 59 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 117 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 21 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 3053224 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_nano_12_p16_224_dist_Opset17_timm/xcit_nano_12_p16_224_dist_Opset17.onnx b/Computer_Vision/xcit_nano_12_p16_224_dist_Opset17_timm/xcit_nano_12_p16_224_dist_Opset17.onnx new file mode 100644 index 000000000..546e6a8ba --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p16_224_dist_Opset17_timm/xcit_nano_12_p16_224_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a962928fc640e66008e166e50c394296a2645611f84ae175592ed07a62407829 +size 12419509 diff --git a/Computer_Vision/xcit_nano_12_p16_224_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_nano_12_p16_224_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d4a2445f4 --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p16_224_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,226 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.2948338985443115 + set_success: 0.018613815307617188 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_nano_12_p16_224_dist_timm_c723627b/onnx/xcit_nano_12_p16_224_dist_timm_c723627b-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_nano_12_p16_224_dist.py +class: Xcit +hash: ef13eb50 +model_name: xcit_nano_12_p16_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 12128.459 +onnx_ops_counter: + Abs: 24 + Add: 130 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 13 + Constant: 396 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 59 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 117 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 21 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 3053224 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_nano_12_p16_224_dist_Opset18_timm/xcit_nano_12_p16_224_dist_Opset18.onnx b/Computer_Vision/xcit_nano_12_p16_224_dist_Opset18_timm/xcit_nano_12_p16_224_dist_Opset18.onnx new file mode 100644 index 000000000..46a1592f5 --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p16_224_dist_Opset18_timm/xcit_nano_12_p16_224_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76378a62e801695f9a4e382c1a54fdc0753122910b03962af3ca3fdffb23405d +size 12419509 diff --git a/Computer_Vision/xcit_nano_12_p16_384_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_nano_12_p16_384_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1fb4324fe --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p16_384_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.689718723297119 + set_success: 0.016098976135253906 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_nano_12_p16_384_dist_timm_54b1a0fb/onnx/xcit_nano_12_p16_384_dist_timm_54b1a0fb-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_nano_12_p16_384_dist.py +class: Xcit +hash: ef13eb50 +model_name: xcit_nano_12_p16_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 12171.1533 +onnx_ops_counter: + Abs: 24 + Add: 212 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 13 + Constant: 478 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 100 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + MatMul: 86 + Mul: 158 + Pow: 89 + ReduceMean: 82 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 21 + Softmax: 14 + Split: 12 + Sqrt: 47 + Squeeze: 36 + Sub: 41 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 3053224 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_nano_12_p16_384_dist_Opset16_timm/xcit_nano_12_p16_384_dist_Opset16.onnx b/Computer_Vision/xcit_nano_12_p16_384_dist_Opset16_timm/xcit_nano_12_p16_384_dist_Opset16.onnx new file mode 100644 index 000000000..2444b17f7 --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p16_384_dist_Opset16_timm/xcit_nano_12_p16_384_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:386bce8a027d2f4441293477c425e57e14eb44e7a639ca5208923e7f8ee55863 +size 12463228 diff --git a/Computer_Vision/xcit_nano_12_p16_384_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_nano_12_p16_384_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a75d4832a --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p16_384_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,226 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.163403749465942 + set_success: 0.016620635986328125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_nano_12_p16_384_dist_timm_54b1a0fb/onnx/xcit_nano_12_p16_384_dist_timm_54b1a0fb-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_nano_12_p16_384_dist.py +class: Xcit +hash: ef13eb50 +model_name: xcit_nano_12_p16_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 12128.5371 +onnx_ops_counter: + Abs: 24 + Add: 130 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 13 + Constant: 396 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 59 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 117 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 21 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 3053224 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_nano_12_p16_384_dist_Opset17_timm/xcit_nano_12_p16_384_dist_Opset17.onnx b/Computer_Vision/xcit_nano_12_p16_384_dist_Opset17_timm/xcit_nano_12_p16_384_dist_Opset17.onnx new file mode 100644 index 000000000..1f31af884 --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p16_384_dist_Opset17_timm/xcit_nano_12_p16_384_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3665832b4b26bc53bdb17760f5d917339bdd4bcc6c4b3abcfa3868ee7009530f +size 12419589 diff --git a/Computer_Vision/xcit_nano_12_p16_384_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_nano_12_p16_384_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2e5501e0f --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p16_384_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,226 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.146998882293701 + set_success: 0.025025129318237305 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_nano_12_p16_384_dist_timm_54b1a0fb/onnx/xcit_nano_12_p16_384_dist_timm_54b1a0fb-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_nano_12_p16_384_dist.py +class: Xcit +hash: ef13eb50 +model_name: xcit_nano_12_p16_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 12128.5371 +onnx_ops_counter: + Abs: 24 + Add: 130 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 13 + Constant: 396 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 59 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 117 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 21 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 3053224 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_nano_12_p16_384_dist_Opset18_timm/xcit_nano_12_p16_384_dist_Opset18.onnx b/Computer_Vision/xcit_nano_12_p16_384_dist_Opset18_timm/xcit_nano_12_p16_384_dist_Opset18.onnx new file mode 100644 index 000000000..1f48c3d62 --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p16_384_dist_Opset18_timm/xcit_nano_12_p16_384_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f835568c367af5017a42c18e6d8d22a07fb218e02680c8c7cb0c333717e23885 +size 12419589 diff --git a/Computer_Vision/xcit_nano_12_p8_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_nano_12_p8_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..18287a991 --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p8_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.717077970504761 + set_success: 0.017904281616210938 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_nano_12_p8_224_timm_e200c8ad/onnx/xcit_nano_12_p8_224_timm_e200c8ad-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_nano_12_p8_224.py +class: Xcit +hash: a2494cc6 +model_name: xcit_nano_12_p8_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 12153.3936 +onnx_ops_counter: + Abs: 24 + Add: 211 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 13 + Constant: 475 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 99 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + MatMul: 86 + Mul: 156 + Pow: 89 + ReduceMean: 82 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 21 + Softmax: 14 + Split: 12 + Sqrt: 47 + Squeeze: 36 + Sub: 41 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 3049016 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_nano_12_p8_224_Opset16_timm/xcit_nano_12_p8_224_Opset16.onnx b/Computer_Vision/xcit_nano_12_p8_224_Opset16_timm/xcit_nano_12_p8_224_Opset16.onnx new file mode 100644 index 000000000..03202b2b3 --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p8_224_Opset16_timm/xcit_nano_12_p8_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:12508f754c6035682dba91615d0d30404247328560a66c4b6cff2dab8dcf3c9a +size 12445042 diff --git a/Computer_Vision/xcit_nano_12_p8_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_nano_12_p8_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f2361b52e --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p8_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,226 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.114676475524902 + set_success: 0.017429828643798828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_nano_12_p8_224_timm_e200c8ad/onnx/xcit_nano_12_p8_224_timm_e200c8ad-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_nano_12_p8_224.py +class: Xcit +hash: a2494cc6 +model_name: xcit_nano_12_p8_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 12110.7773 +onnx_ops_counter: + Abs: 24 + Add: 129 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 13 + Constant: 393 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 58 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 115 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 21 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 3049016 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_nano_12_p8_224_Opset17_timm/xcit_nano_12_p8_224_Opset17.onnx b/Computer_Vision/xcit_nano_12_p8_224_Opset17_timm/xcit_nano_12_p8_224_Opset17.onnx new file mode 100644 index 000000000..8fabead22 --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p8_224_Opset17_timm/xcit_nano_12_p8_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b1e74177a320ae0fc4a10803859c6cbb81e1ec7ed199cd58e6c23f662d286bdf +size 12401403 diff --git a/Computer_Vision/xcit_nano_12_p8_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_nano_12_p8_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..83ccb1c5e --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p8_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,226 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.199086666107178 + set_success: 0.020633935928344727 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_nano_12_p8_224_timm_e200c8ad/onnx/xcit_nano_12_p8_224_timm_e200c8ad-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_nano_12_p8_224.py +class: Xcit +hash: a2494cc6 +model_name: xcit_nano_12_p8_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 12110.7773 +onnx_ops_counter: + Abs: 24 + Add: 129 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 13 + Constant: 393 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 58 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 115 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 21 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 3049016 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_nano_12_p8_224_Opset18_timm/xcit_nano_12_p8_224_Opset18.onnx b/Computer_Vision/xcit_nano_12_p8_224_Opset18_timm/xcit_nano_12_p8_224_Opset18.onnx new file mode 100644 index 000000000..bbe30bc24 --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p8_224_Opset18_timm/xcit_nano_12_p8_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:be6f0cc9061a0147e02165275adc602b72f59f02fc5ae21f1d944f7c6c4bbe95 +size 12401403 diff --git a/Computer_Vision/xcit_nano_12_p8_224_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_nano_12_p8_224_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..49681bdfc --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p8_224_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.659408092498779 + set_success: 0.01854395866394043 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_nano_12_p8_224_dist_timm_e200c8ad/onnx/xcit_nano_12_p8_224_dist_timm_e200c8ad-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_nano_12_p8_224_dist.py +class: Xcit +hash: a2494cc6 +model_name: xcit_nano_12_p8_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 12153.3936 +onnx_ops_counter: + Abs: 24 + Add: 211 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 13 + Constant: 475 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 99 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + MatMul: 86 + Mul: 156 + Pow: 89 + ReduceMean: 82 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 21 + Softmax: 14 + Split: 12 + Sqrt: 47 + Squeeze: 36 + Sub: 41 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 3049016 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_nano_12_p8_224_dist_Opset16_timm/xcit_nano_12_p8_224_dist_Opset16.onnx b/Computer_Vision/xcit_nano_12_p8_224_dist_Opset16_timm/xcit_nano_12_p8_224_dist_Opset16.onnx new file mode 100644 index 000000000..ed774c05e --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p8_224_dist_Opset16_timm/xcit_nano_12_p8_224_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8de1ffc3c1bc3a8e57af64da598a285c72623d52e48eda6a380dc5e09cb3998 +size 12445042 diff --git a/Computer_Vision/xcit_nano_12_p8_224_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_nano_12_p8_224_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e62ebf84a --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p8_224_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,226 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.089330673217773 + set_success: 0.019841432571411133 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_nano_12_p8_224_dist_timm_e200c8ad/onnx/xcit_nano_12_p8_224_dist_timm_e200c8ad-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_nano_12_p8_224_dist.py +class: Xcit +hash: a2494cc6 +model_name: xcit_nano_12_p8_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 12110.7773 +onnx_ops_counter: + Abs: 24 + Add: 129 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 13 + Constant: 393 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 58 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 115 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 21 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 3049016 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_nano_12_p8_224_dist_Opset17_timm/xcit_nano_12_p8_224_dist_Opset17.onnx b/Computer_Vision/xcit_nano_12_p8_224_dist_Opset17_timm/xcit_nano_12_p8_224_dist_Opset17.onnx new file mode 100644 index 000000000..00fc84d8e --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p8_224_dist_Opset17_timm/xcit_nano_12_p8_224_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6471fcd51b7a4fa564871efbfab3bec8b9a02e02b675c859d5278d25938fdd38 +size 12401403 diff --git a/Computer_Vision/xcit_nano_12_p8_224_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_nano_12_p8_224_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3bb0ca7d8 --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p8_224_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,226 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.218352794647217 + set_success: 0.02077651023864746 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_nano_12_p8_224_dist_timm_e200c8ad/onnx/xcit_nano_12_p8_224_dist_timm_e200c8ad-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_nano_12_p8_224_dist.py +class: Xcit +hash: a2494cc6 +model_name: xcit_nano_12_p8_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 12110.7773 +onnx_ops_counter: + Abs: 24 + Add: 129 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 13 + Constant: 393 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 58 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 115 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 21 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 3049016 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_nano_12_p8_224_dist_Opset18_timm/xcit_nano_12_p8_224_dist_Opset18.onnx b/Computer_Vision/xcit_nano_12_p8_224_dist_Opset18_timm/xcit_nano_12_p8_224_dist_Opset18.onnx new file mode 100644 index 000000000..8f11e3160 --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p8_224_dist_Opset18_timm/xcit_nano_12_p8_224_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8529041357b8390b17bd79e81ff59c3384b023c7e17655d1e62fd1fe55ede18c +size 12401403 diff --git a/Computer_Vision/xcit_nano_12_p8_384_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_nano_12_p8_384_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..32b585cfa --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p8_384_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.54623556137085 + set_success: 0.020608186721801758 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_nano_12_p8_384_dist_timm_e60ec8eb/onnx/xcit_nano_12_p8_384_dist_timm_e60ec8eb-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_nano_12_p8_384_dist.py +class: Xcit +hash: a2494cc6 +model_name: xcit_nano_12_p8_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 12153.5537 +onnx_ops_counter: + Abs: 24 + Add: 211 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 13 + Constant: 475 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 99 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + MatMul: 86 + Mul: 156 + Pow: 89 + ReduceMean: 82 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 21 + Softmax: 14 + Split: 12 + Sqrt: 47 + Squeeze: 36 + Sub: 41 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 3049016 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_nano_12_p8_384_dist_Opset16_timm/xcit_nano_12_p8_384_dist_Opset16.onnx b/Computer_Vision/xcit_nano_12_p8_384_dist_Opset16_timm/xcit_nano_12_p8_384_dist_Opset16.onnx new file mode 100644 index 000000000..63c0a1fff --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p8_384_dist_Opset16_timm/xcit_nano_12_p8_384_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cc246ee13452b3ffb15f12e2b8eabd1a8ed1bf99f8fe7a3aa3e78e0e8dc738ec +size 12445206 diff --git a/Computer_Vision/xcit_nano_12_p8_384_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_nano_12_p8_384_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3e8cd8580 --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p8_384_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,226 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.134535789489746 + set_success: 0.021219491958618164 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_nano_12_p8_384_dist_timm_e60ec8eb/onnx/xcit_nano_12_p8_384_dist_timm_e60ec8eb-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_nano_12_p8_384_dist.py +class: Xcit +hash: a2494cc6 +model_name: xcit_nano_12_p8_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 12110.9375 +onnx_ops_counter: + Abs: 24 + Add: 129 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 13 + Constant: 393 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 58 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 115 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 21 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 3049016 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_nano_12_p8_384_dist_Opset17_timm/xcit_nano_12_p8_384_dist_Opset17.onnx b/Computer_Vision/xcit_nano_12_p8_384_dist_Opset17_timm/xcit_nano_12_p8_384_dist_Opset17.onnx new file mode 100644 index 000000000..9d9d01348 --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p8_384_dist_Opset17_timm/xcit_nano_12_p8_384_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a2cfc584062cafe4f9af525a46062a053fd9a20ac91ba74640cf5c8db538b201 +size 12401567 diff --git a/Computer_Vision/xcit_nano_12_p8_384_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_nano_12_p8_384_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c44598d30 --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p8_384_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,226 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.284253120422363 + set_success: 0.027303457260131836 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_nano_12_p8_384_dist_timm_e60ec8eb/onnx/xcit_nano_12_p8_384_dist_timm_e60ec8eb-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_nano_12_p8_384_dist.py +class: Xcit +hash: a2494cc6 +model_name: xcit_nano_12_p8_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 12110.9375 +onnx_ops_counter: + Abs: 24 + Add: 129 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 13 + Constant: 393 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 58 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 115 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 21 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 3049016 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_nano_12_p8_384_dist_Opset18_timm/xcit_nano_12_p8_384_dist_Opset18.onnx b/Computer_Vision/xcit_nano_12_p8_384_dist_Opset18_timm/xcit_nano_12_p8_384_dist_Opset18.onnx new file mode 100644 index 000000000..4261d20ac --- /dev/null +++ b/Computer_Vision/xcit_nano_12_p8_384_dist_Opset18_timm/xcit_nano_12_p8_384_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8788522bf7355a2fed90b7d6775ef7abe2e90ac2681d93ceb395b691ebe539a +size 12401567 diff --git a/Computer_Vision/xcit_small_12_p16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_12_p16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f70bd455e --- /dev/null +++ b/Computer_Vision/xcit_small_12_p16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.52083945274353 + set_success: 0.018271923065185547 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_12_p16_224_timm_b1e8a6dc/onnx/xcit_small_12_p16_224_timm_b1e8a6dc-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_12_p16_224.py +class: Xcit +hash: e978af1a +model_name: xcit_small_12_p16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 102811.0322 +onnx_ops_counter: + Abs: 24 + Add: 212 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 462 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 100 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 86 + Mul: 158 + Pow: 89 + ReduceMean: 82 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 47 + Squeeze: 36 + Sub: 41 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 26253304 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_12_p16_224_Opset16_timm/xcit_small_12_p16_224_Opset16.onnx b/Computer_Vision/xcit_small_12_p16_224_Opset16_timm/xcit_small_12_p16_224_Opset16.onnx new file mode 100644 index 000000000..4a019ed75 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p16_224_Opset16_timm/xcit_small_12_p16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76821deeaa82e2654e36b1f037b9abdc41db9a6593113a7f3763f81361bff1f6 +size 105278464 diff --git a/Computer_Vision/xcit_small_12_p16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_12_p16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a1f076231 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.992866516113281 + set_success: 0.019314050674438477 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_12_p16_224_timm_b1e8a6dc/onnx/xcit_small_12_p16_224_timm_b1e8a6dc-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_12_p16_224.py +class: Xcit +hash: e978af1a +model_name: xcit_small_12_p16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 102768.4746 +onnx_ops_counter: + Abs: 24 + Add: 130 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 380 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 59 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 117 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 26253304 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_12_p16_224_Opset17_timm/xcit_small_12_p16_224_Opset17.onnx b/Computer_Vision/xcit_small_12_p16_224_Opset17_timm/xcit_small_12_p16_224_Opset17.onnx new file mode 100644 index 000000000..71adafac0 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p16_224_Opset17_timm/xcit_small_12_p16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:53d59c27f65778362dd8e60be88ba2be7a9da3d694bb0e6b25a9aeec6c9ad119 +size 105234885 diff --git a/Computer_Vision/xcit_small_12_p16_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_12_p16_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..3697e1488 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p16_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.030426502227783 + set_success: 0.0205538272857666 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_12_p16_224_timm_b1e8a6dc/onnx/xcit_small_12_p16_224_timm_b1e8a6dc-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_12_p16_224.py +class: Xcit +hash: e978af1a +model_name: xcit_small_12_p16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 102768.4746 +onnx_ops_counter: + Abs: 24 + Add: 130 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 380 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 59 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 117 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 26253304 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_12_p16_224_Opset18_timm/xcit_small_12_p16_224_Opset18.onnx b/Computer_Vision/xcit_small_12_p16_224_Opset18_timm/xcit_small_12_p16_224_Opset18.onnx new file mode 100644 index 000000000..d4aad4fbc --- /dev/null +++ b/Computer_Vision/xcit_small_12_p16_224_Opset18_timm/xcit_small_12_p16_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3fd4268696a8752ff4b2ad5311647390343f653bc58aab188d0a985ccfca0235 +size 105234885 diff --git a/Computer_Vision/xcit_small_12_p16_224_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_12_p16_224_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..11e8d339e --- /dev/null +++ b/Computer_Vision/xcit_small_12_p16_224_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.471331834793091 + set_success: 0.021609783172607422 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_12_p16_224_dist_timm_b1e8a6dc/onnx/xcit_small_12_p16_224_dist_timm_b1e8a6dc-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_12_p16_224_dist.py +class: Xcit +hash: e978af1a +model_name: xcit_small_12_p16_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 102811.0322 +onnx_ops_counter: + Abs: 24 + Add: 212 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 462 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 100 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 86 + Mul: 158 + Pow: 89 + ReduceMean: 82 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 47 + Squeeze: 36 + Sub: 41 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 26253304 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_12_p16_224_dist_Opset16_timm/xcit_small_12_p16_224_dist_Opset16.onnx b/Computer_Vision/xcit_small_12_p16_224_dist_Opset16_timm/xcit_small_12_p16_224_dist_Opset16.onnx new file mode 100644 index 000000000..e547304ff --- /dev/null +++ b/Computer_Vision/xcit_small_12_p16_224_dist_Opset16_timm/xcit_small_12_p16_224_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86723381122affda01178a3ccef3f690aef1b96c94da90cf90c491d1a13ae2f8 +size 105278464 diff --git a/Computer_Vision/xcit_small_12_p16_224_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_12_p16_224_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..29c4a1590 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p16_224_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.217770576477051 + set_success: 0.02011728286743164 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_12_p16_224_dist_timm_b1e8a6dc/onnx/xcit_small_12_p16_224_dist_timm_b1e8a6dc-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_12_p16_224_dist.py +class: Xcit +hash: e978af1a +model_name: xcit_small_12_p16_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 102768.4746 +onnx_ops_counter: + Abs: 24 + Add: 130 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 380 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 59 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 117 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 26253304 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_12_p16_224_dist_Opset17_timm/xcit_small_12_p16_224_dist_Opset17.onnx b/Computer_Vision/xcit_small_12_p16_224_dist_Opset17_timm/xcit_small_12_p16_224_dist_Opset17.onnx new file mode 100644 index 000000000..1a60e5749 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p16_224_dist_Opset17_timm/xcit_small_12_p16_224_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e53a8da47d3c21028a867a0e1d3496b1c2a19bd21ecaaa250476e19bcfd24974 +size 105234885 diff --git a/Computer_Vision/xcit_small_12_p16_224_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_12_p16_224_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d4411aa67 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p16_224_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.222543239593506 + set_success: 0.01988673210144043 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_12_p16_224_dist_timm_b1e8a6dc/onnx/xcit_small_12_p16_224_dist_timm_b1e8a6dc-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_12_p16_224_dist.py +class: Xcit +hash: e978af1a +model_name: xcit_small_12_p16_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 102768.4746 +onnx_ops_counter: + Abs: 24 + Add: 130 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 380 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 59 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 117 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 26253304 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_12_p16_224_dist_Opset18_timm/xcit_small_12_p16_224_dist_Opset18.onnx b/Computer_Vision/xcit_small_12_p16_224_dist_Opset18_timm/xcit_small_12_p16_224_dist_Opset18.onnx new file mode 100644 index 000000000..24d16f8f3 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p16_224_dist_Opset18_timm/xcit_small_12_p16_224_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c064d15edd18a8abac9cf66a023e9e4671035b22b7d0be7d998a9253100a8153 +size 105234885 diff --git a/Computer_Vision/xcit_small_12_p16_384_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_12_p16_384_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7cad9e47c --- /dev/null +++ b/Computer_Vision/xcit_small_12_p16_384_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.694380283355713 + set_success: 0.025455474853515625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_12_p16_384_dist_timm_8692a219/onnx/xcit_small_12_p16_384_dist_timm_8692a219-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_12_p16_384_dist.py +class: Xcit +hash: e978af1a +model_name: xcit_small_12_p16_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 102811.1104 +onnx_ops_counter: + Abs: 24 + Add: 212 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 462 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 100 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 86 + Mul: 158 + Pow: 89 + ReduceMean: 82 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 47 + Squeeze: 36 + Sub: 41 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 26253304 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_12_p16_384_dist_Opset16_timm/xcit_small_12_p16_384_dist_Opset16.onnx b/Computer_Vision/xcit_small_12_p16_384_dist_Opset16_timm/xcit_small_12_p16_384_dist_Opset16.onnx new file mode 100644 index 000000000..8c62a23cb --- /dev/null +++ b/Computer_Vision/xcit_small_12_p16_384_dist_Opset16_timm/xcit_small_12_p16_384_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f7ef3e5f8cf27a16c9b5e28530e795d03d0e139da13171604b259ec57b1a63a8 +size 105278544 diff --git a/Computer_Vision/xcit_small_12_p16_384_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_12_p16_384_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2a5536a79 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p16_384_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.392975568771362 + set_success: 0.025907278060913086 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_12_p16_384_dist_timm_8692a219/onnx/xcit_small_12_p16_384_dist_timm_8692a219-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_12_p16_384_dist.py +class: Xcit +hash: e978af1a +model_name: xcit_small_12_p16_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 102768.5527 +onnx_ops_counter: + Abs: 24 + Add: 130 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 380 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 59 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 117 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 26253304 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_12_p16_384_dist_Opset17_timm/xcit_small_12_p16_384_dist_Opset17.onnx b/Computer_Vision/xcit_small_12_p16_384_dist_Opset17_timm/xcit_small_12_p16_384_dist_Opset17.onnx new file mode 100644 index 000000000..8ca5749b0 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p16_384_dist_Opset17_timm/xcit_small_12_p16_384_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9cd0fc17b8a564f68116cfd4755a44a0163bf0aa5f26e7bd4fbc3545176394c4 +size 105234965 diff --git a/Computer_Vision/xcit_small_12_p16_384_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_12_p16_384_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..591c827d6 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p16_384_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.107124090194702 + set_success: 0.021736621856689453 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_12_p16_384_dist_timm_8692a219/onnx/xcit_small_12_p16_384_dist_timm_8692a219-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_12_p16_384_dist.py +class: Xcit +hash: e978af1a +model_name: xcit_small_12_p16_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 102768.5527 +onnx_ops_counter: + Abs: 24 + Add: 130 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 380 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 59 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 117 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 26253304 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_12_p16_384_dist_Opset18_timm/xcit_small_12_p16_384_dist_Opset18.onnx b/Computer_Vision/xcit_small_12_p16_384_dist_Opset18_timm/xcit_small_12_p16_384_dist_Opset18.onnx new file mode 100644 index 000000000..a81754b3d --- /dev/null +++ b/Computer_Vision/xcit_small_12_p16_384_dist_Opset18_timm/xcit_small_12_p16_384_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c437407e3873da0600e72522eeb58b7b8d397aef42530caffb062c0469c6ad4b +size 105234965 diff --git a/Computer_Vision/xcit_small_12_p8_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_12_p8_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..92c9ab6b1 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p8_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.595308542251587 + set_success: 0.023073673248291016 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_12_p8_224_timm_749708d1/onnx/xcit_small_12_p8_224_timm_749708d1-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_12_p8_224.py +class: Xcit +hash: d8e64996 +model_name: xcit_small_12_p8_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 102652.5986 +onnx_ops_counter: + Abs: 24 + Add: 211 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 459 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 99 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 86 + Mul: 156 + Pow: 89 + ReduceMean: 82 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 47 + Squeeze: 36 + Sub: 41 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 26213032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_12_p8_224_Opset16_timm/xcit_small_12_p8_224_Opset16.onnx b/Computer_Vision/xcit_small_12_p8_224_Opset16_timm/xcit_small_12_p8_224_Opset16.onnx new file mode 100644 index 000000000..95ee7e4d8 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p8_224_Opset16_timm/xcit_small_12_p8_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ec0d32223c681051c391c087aa2061e27b47bc78738a587010d7158b3f6f407 +size 105116228 diff --git a/Computer_Vision/xcit_small_12_p8_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_12_p8_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..6635e9682 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p8_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.026738405227661 + set_success: 0.02346944808959961 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_12_p8_224_timm_749708d1/onnx/xcit_small_12_p8_224_timm_749708d1-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_12_p8_224.py +class: Xcit +hash: d8e64996 +model_name: xcit_small_12_p8_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 102610.041 +onnx_ops_counter: + Abs: 24 + Add: 129 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 377 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 58 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 115 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 26213032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_12_p8_224_Opset17_timm/xcit_small_12_p8_224_Opset17.onnx b/Computer_Vision/xcit_small_12_p8_224_Opset17_timm/xcit_small_12_p8_224_Opset17.onnx new file mode 100644 index 000000000..ed72ba703 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p8_224_Opset17_timm/xcit_small_12_p8_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4cf228246fa965fcd21cdf0308030b7e374dc75a11bc6827c417ea10c667b1c1 +size 105072649 diff --git a/Computer_Vision/xcit_small_12_p8_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_12_p8_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e99f88c09 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p8_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.183784246444702 + set_success: 0.036913394927978516 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_12_p8_224_timm_749708d1/onnx/xcit_small_12_p8_224_timm_749708d1-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_12_p8_224.py +class: Xcit +hash: d8e64996 +model_name: xcit_small_12_p8_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 102610.041 +onnx_ops_counter: + Abs: 24 + Add: 129 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 377 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 58 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 115 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 26213032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_12_p8_224_Opset18_timm/xcit_small_12_p8_224_Opset18.onnx b/Computer_Vision/xcit_small_12_p8_224_Opset18_timm/xcit_small_12_p8_224_Opset18.onnx new file mode 100644 index 000000000..a6a79a3ef --- /dev/null +++ b/Computer_Vision/xcit_small_12_p8_224_Opset18_timm/xcit_small_12_p8_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b76d60af5bb0f076570977bfa1644fb2ead34c5eccc2fa1f6bfc913c7fb739d +size 105072649 diff --git a/Computer_Vision/xcit_small_12_p8_224_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_12_p8_224_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..995bca943 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p8_224_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.432924509048462 + set_success: 0.023112058639526367 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_12_p8_224_dist_timm_749708d1/onnx/xcit_small_12_p8_224_dist_timm_749708d1-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_12_p8_224_dist.py +class: Xcit +hash: d8e64996 +model_name: xcit_small_12_p8_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 102652.5986 +onnx_ops_counter: + Abs: 24 + Add: 211 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 459 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 99 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 86 + Mul: 156 + Pow: 89 + ReduceMean: 82 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 47 + Squeeze: 36 + Sub: 41 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 26213032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_12_p8_224_dist_Opset16_timm/xcit_small_12_p8_224_dist_Opset16.onnx b/Computer_Vision/xcit_small_12_p8_224_dist_Opset16_timm/xcit_small_12_p8_224_dist_Opset16.onnx new file mode 100644 index 000000000..c7d9137b6 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p8_224_dist_Opset16_timm/xcit_small_12_p8_224_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e9d0442f3761433ff5ecdcd0d2240757ccd078dc21dc2a73491e9a6835b2d998 +size 105116228 diff --git a/Computer_Vision/xcit_small_12_p8_224_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_12_p8_224_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0a1cda307 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p8_224_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.207014560699463 + set_success: 0.023047924041748047 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_12_p8_224_dist_timm_749708d1/onnx/xcit_small_12_p8_224_dist_timm_749708d1-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_12_p8_224_dist.py +class: Xcit +hash: d8e64996 +model_name: xcit_small_12_p8_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 102610.041 +onnx_ops_counter: + Abs: 24 + Add: 129 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 377 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 58 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 115 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 26213032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_12_p8_224_dist_Opset17_timm/xcit_small_12_p8_224_dist_Opset17.onnx b/Computer_Vision/xcit_small_12_p8_224_dist_Opset17_timm/xcit_small_12_p8_224_dist_Opset17.onnx new file mode 100644 index 000000000..dee6beab1 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p8_224_dist_Opset17_timm/xcit_small_12_p8_224_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2fc8e1a25cec54d347f99a97a3e1dbf6ce703b00452e974e71330b8bd50fc5d5 +size 105072649 diff --git a/Computer_Vision/xcit_small_12_p8_224_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_12_p8_224_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2d8a2a9e7 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p8_224_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.098924398422241 + set_success: 0.026653528213500977 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_12_p8_224_dist_timm_749708d1/onnx/xcit_small_12_p8_224_dist_timm_749708d1-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_12_p8_224_dist.py +class: Xcit +hash: d8e64996 +model_name: xcit_small_12_p8_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 102610.041 +onnx_ops_counter: + Abs: 24 + Add: 129 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 377 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 58 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 115 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 26213032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_12_p8_224_dist_Opset18_timm/xcit_small_12_p8_224_dist_Opset18.onnx b/Computer_Vision/xcit_small_12_p8_224_dist_Opset18_timm/xcit_small_12_p8_224_dist_Opset18.onnx new file mode 100644 index 000000000..e065bd9dc --- /dev/null +++ b/Computer_Vision/xcit_small_12_p8_224_dist_Opset18_timm/xcit_small_12_p8_224_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:75bae6b79b90183ea8eadc176762f5fdb226769b756d4e61d30555b11a3cec92 +size 105072649 diff --git a/Computer_Vision/xcit_small_12_p8_384_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_12_p8_384_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7c0471564 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p8_384_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.832394599914551 + set_success: 0.02798628807067871 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_12_p8_384_dist_timm_b2863264/onnx/xcit_small_12_p8_384_dist_timm_b2863264-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_12_p8_384_dist.py +class: Xcit +hash: d8e64996 +model_name: xcit_small_12_p8_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 102652.7588 +onnx_ops_counter: + Abs: 24 + Add: 211 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 459 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 99 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 86 + Mul: 156 + Pow: 89 + ReduceMean: 82 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 47 + Squeeze: 36 + Sub: 41 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 26213032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_12_p8_384_dist_Opset16_timm/xcit_small_12_p8_384_dist_Opset16.onnx b/Computer_Vision/xcit_small_12_p8_384_dist_Opset16_timm/xcit_small_12_p8_384_dist_Opset16.onnx new file mode 100644 index 000000000..77c5cf27f --- /dev/null +++ b/Computer_Vision/xcit_small_12_p8_384_dist_Opset16_timm/xcit_small_12_p8_384_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b2faf852ab6a1d06d6498e04f6a3cd1628f122780268fc11d4f2438f7efde8a7 +size 105116392 diff --git a/Computer_Vision/xcit_small_12_p8_384_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_12_p8_384_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..cc82bb162 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p8_384_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.3633644580841064 + set_success: 0.028239727020263672 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_12_p8_384_dist_timm_b2863264/onnx/xcit_small_12_p8_384_dist_timm_b2863264-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_12_p8_384_dist.py +class: Xcit +hash: d8e64996 +model_name: xcit_small_12_p8_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 102610.2012 +onnx_ops_counter: + Abs: 24 + Add: 129 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 377 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 58 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 115 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 26213032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_12_p8_384_dist_Opset17_timm/xcit_small_12_p8_384_dist_Opset17.onnx b/Computer_Vision/xcit_small_12_p8_384_dist_Opset17_timm/xcit_small_12_p8_384_dist_Opset17.onnx new file mode 100644 index 000000000..56692c755 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p8_384_dist_Opset17_timm/xcit_small_12_p8_384_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b114ff816025d455b0724817b4b2fbd777e6fb88626fe22765f21784d83efcb1 +size 105072813 diff --git a/Computer_Vision/xcit_small_12_p8_384_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_12_p8_384_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..923193e39 --- /dev/null +++ b/Computer_Vision/xcit_small_12_p8_384_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.487323999404907 + set_success: 0.03767991065979004 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_12_p8_384_dist_timm_b2863264/onnx/xcit_small_12_p8_384_dist_timm_b2863264-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_12_p8_384_dist.py +class: Xcit +hash: d8e64996 +model_name: xcit_small_12_p8_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 102610.2012 +onnx_ops_counter: + Abs: 24 + Add: 129 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 377 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 58 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 115 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 26213032 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_12_p8_384_dist_Opset18_timm/xcit_small_12_p8_384_dist_Opset18.onnx b/Computer_Vision/xcit_small_12_p8_384_dist_Opset18_timm/xcit_small_12_p8_384_dist_Opset18.onnx new file mode 100644 index 000000000..2c67af63a --- /dev/null +++ b/Computer_Vision/xcit_small_12_p8_384_dist_Opset18_timm/xcit_small_12_p8_384_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e9fbf9579578cd64fc7b9918424ed80fe026ed4ad085d7f3dc640d1036977429 +size 105072813 diff --git a/Computer_Vision/xcit_small_24_p16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_24_p16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c762c204d --- /dev/null +++ b/Computer_Vision/xcit_small_24_p16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.430069923400879 + set_success: 0.02312302589416504 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_24_p16_224_timm_66c28443/onnx/xcit_small_24_p16_224_timm_66c28443-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_24_p16_224.py +class: Xcit +hash: 95031a29 +model_name: xcit_small_24_p16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 186697.8174 +onnx_ops_counter: + Abs: 48 + Add: 392 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 798 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 184 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 158 + Mul: 290 + Pow: 173 + ReduceMean: 154 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 83 + Squeeze: 72 + Sub: 77 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 47671384 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_24_p16_224_Opset16_timm/xcit_small_24_p16_224_Opset16.onnx b/Computer_Vision/xcit_small_24_p16_224_Opset16_timm/xcit_small_24_p16_224_Opset16.onnx new file mode 100644 index 000000000..c7e0dcfd5 --- /dev/null +++ b/Computer_Vision/xcit_small_24_p16_224_Opset16_timm/xcit_small_24_p16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4811701648cf5474dbd0a245db567c20d1538020483241fb3ad3d9d0b253c45d +size 191178532 diff --git a/Computer_Vision/xcit_small_24_p16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_24_p16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..83f507cfe --- /dev/null +++ b/Computer_Vision/xcit_small_24_p16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.859469652175903 + set_success: 0.021584033966064453 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_24_p16_224_timm_66c28443/onnx/xcit_small_24_p16_224_timm_66c28443-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_24_p16_224.py +class: Xcit +hash: 95031a29 +model_name: xcit_small_24_p16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 186617.5254 +onnx_ops_counter: + Abs: 48 + Add: 238 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 644 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 107 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 213 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 47671384 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_24_p16_224_Opset17_timm/xcit_small_24_p16_224_Opset17.onnx b/Computer_Vision/xcit_small_24_p16_224_Opset17_timm/xcit_small_24_p16_224_Opset17.onnx new file mode 100644 index 000000000..f26440e44 --- /dev/null +++ b/Computer_Vision/xcit_small_24_p16_224_Opset17_timm/xcit_small_24_p16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f1a4fe0f784f3ec4c295a63c8d002e7b573a062d01ff77e88ea047140b330003 +size 191096313 diff --git a/Computer_Vision/xcit_small_24_p16_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_24_p16_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e55fb72f4 --- /dev/null +++ b/Computer_Vision/xcit_small_24_p16_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 14.308156967163086 + set_success: 0.022220134735107422 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_24_p16_224_timm_66c28443/onnx/xcit_small_24_p16_224_timm_66c28443-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_24_p16_224.py +class: Xcit +hash: 95031a29 +model_name: xcit_small_24_p16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 186617.5254 +onnx_ops_counter: + Abs: 48 + Add: 238 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 644 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 107 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 213 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 47671384 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_24_p16_224_Opset18_timm/xcit_small_24_p16_224_Opset18.onnx b/Computer_Vision/xcit_small_24_p16_224_Opset18_timm/xcit_small_24_p16_224_Opset18.onnx new file mode 100644 index 000000000..45f7e81c3 --- /dev/null +++ b/Computer_Vision/xcit_small_24_p16_224_Opset18_timm/xcit_small_24_p16_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea05d23a4dffcc87532fba4450fe526a1170798a0fbc5686f135b2dbcbd03c8c +size 191096313 diff --git a/Computer_Vision/xcit_small_24_p16_224_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_24_p16_224_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..be35f345c --- /dev/null +++ b/Computer_Vision/xcit_small_24_p16_224_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.343920230865479 + set_success: 0.02299213409423828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_24_p16_224_dist_timm_66c28443/onnx/xcit_small_24_p16_224_dist_timm_66c28443-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_24_p16_224_dist.py +class: Xcit +hash: 95031a29 +model_name: xcit_small_24_p16_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 186697.8174 +onnx_ops_counter: + Abs: 48 + Add: 392 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 798 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 184 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 158 + Mul: 290 + Pow: 173 + ReduceMean: 154 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 83 + Squeeze: 72 + Sub: 77 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 47671384 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_24_p16_224_dist_Opset16_timm/xcit_small_24_p16_224_dist_Opset16.onnx b/Computer_Vision/xcit_small_24_p16_224_dist_Opset16_timm/xcit_small_24_p16_224_dist_Opset16.onnx new file mode 100644 index 000000000..8c691f7ff --- /dev/null +++ b/Computer_Vision/xcit_small_24_p16_224_dist_Opset16_timm/xcit_small_24_p16_224_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:339a8bd132f3965de8104dfeb2f74b5374be174569ffdafb7d7c5758b1ff658f +size 191178532 diff --git a/Computer_Vision/xcit_small_24_p16_224_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_24_p16_224_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9596a1b1d --- /dev/null +++ b/Computer_Vision/xcit_small_24_p16_224_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.830868005752563 + set_success: 0.02194523811340332 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_24_p16_224_dist_timm_66c28443/onnx/xcit_small_24_p16_224_dist_timm_66c28443-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_24_p16_224_dist.py +class: Xcit +hash: 95031a29 +model_name: xcit_small_24_p16_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 186617.5254 +onnx_ops_counter: + Abs: 48 + Add: 238 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 644 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 107 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 213 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 47671384 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_24_p16_224_dist_Opset17_timm/xcit_small_24_p16_224_dist_Opset17.onnx b/Computer_Vision/xcit_small_24_p16_224_dist_Opset17_timm/xcit_small_24_p16_224_dist_Opset17.onnx new file mode 100644 index 000000000..49de22147 --- /dev/null +++ b/Computer_Vision/xcit_small_24_p16_224_dist_Opset17_timm/xcit_small_24_p16_224_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:38951970af91058a27285cdcae956c8a6d5b2a83eadeb5b0666439907e703c9b +size 191096313 diff --git a/Computer_Vision/xcit_small_24_p16_224_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_24_p16_224_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0c20b1499 --- /dev/null +++ b/Computer_Vision/xcit_small_24_p16_224_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.812011241912842 + set_success: 0.022215604782104492 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_24_p16_224_dist_timm_66c28443/onnx/xcit_small_24_p16_224_dist_timm_66c28443-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_24_p16_224_dist.py +class: Xcit +hash: 95031a29 +model_name: xcit_small_24_p16_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 186617.5254 +onnx_ops_counter: + Abs: 48 + Add: 238 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 644 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 107 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 213 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 47671384 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_24_p16_224_dist_Opset18_timm/xcit_small_24_p16_224_dist_Opset18.onnx b/Computer_Vision/xcit_small_24_p16_224_dist_Opset18_timm/xcit_small_24_p16_224_dist_Opset18.onnx new file mode 100644 index 000000000..7c18f6b56 --- /dev/null +++ b/Computer_Vision/xcit_small_24_p16_224_dist_Opset18_timm/xcit_small_24_p16_224_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ce51d8adfc90cf02a4ab496d4a4ddc4d773311bb80aef576e2dd9214da9c18d +size 191096313 diff --git a/Computer_Vision/xcit_small_24_p8_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_24_p8_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..300ec1e9f --- /dev/null +++ b/Computer_Vision/xcit_small_24_p8_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.77867317199707 + set_success: 0.03195667266845703 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_24_p8_224_timm_daaaa924/onnx/xcit_small_24_p8_224_timm_daaaa924-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_24_p8_224.py +class: Xcit +hash: c9aaf58a +model_name: xcit_small_24_p8_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 186539.3838 +onnx_ops_counter: + Abs: 48 + Add: 391 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 795 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 183 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 158 + Mul: 288 + Pow: 173 + ReduceMean: 154 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 83 + Squeeze: 72 + Sub: 77 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 47631112 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_24_p8_224_Opset16_timm/xcit_small_24_p8_224_Opset16.onnx b/Computer_Vision/xcit_small_24_p8_224_Opset16_timm/xcit_small_24_p8_224_Opset16.onnx new file mode 100644 index 000000000..62578dc18 --- /dev/null +++ b/Computer_Vision/xcit_small_24_p8_224_Opset16_timm/xcit_small_24_p8_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5de1d247b920b53df51ac6eebaa3adcc2136f7d69ad3e4ab67cc3b2f6c19c4f1 +size 191016296 diff --git a/Computer_Vision/xcit_small_24_p8_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_24_p8_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..892123efd --- /dev/null +++ b/Computer_Vision/xcit_small_24_p8_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 14.27460765838623 + set_success: 0.03898954391479492 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_24_p8_224_timm_daaaa924/onnx/xcit_small_24_p8_224_timm_daaaa924-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_24_p8_224.py +class: Xcit +hash: c9aaf58a +model_name: xcit_small_24_p8_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 186459.0918 +onnx_ops_counter: + Abs: 48 + Add: 237 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 641 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 106 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 211 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 47631112 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_24_p8_224_Opset17_timm/xcit_small_24_p8_224_Opset17.onnx b/Computer_Vision/xcit_small_24_p8_224_Opset17_timm/xcit_small_24_p8_224_Opset17.onnx new file mode 100644 index 000000000..0fc0bf3a4 --- /dev/null +++ b/Computer_Vision/xcit_small_24_p8_224_Opset17_timm/xcit_small_24_p8_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1584810edffccab6ed22adcce052e621984e65e357100939803ebd7d9f045156 +size 190934077 diff --git a/Computer_Vision/xcit_small_24_p8_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_24_p8_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..24244da26 --- /dev/null +++ b/Computer_Vision/xcit_small_24_p8_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 14.234438180923462 + set_success: 0.03833603858947754 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_24_p8_224_timm_daaaa924/onnx/xcit_small_24_p8_224_timm_daaaa924-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_24_p8_224.py +class: Xcit +hash: c9aaf58a +model_name: xcit_small_24_p8_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 186459.0918 +onnx_ops_counter: + Abs: 48 + Add: 237 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 641 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 106 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 211 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 47631112 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_24_p8_224_Opset18_timm/xcit_small_24_p8_224_Opset18.onnx b/Computer_Vision/xcit_small_24_p8_224_Opset18_timm/xcit_small_24_p8_224_Opset18.onnx new file mode 100644 index 000000000..3fe43ca77 --- /dev/null +++ b/Computer_Vision/xcit_small_24_p8_224_Opset18_timm/xcit_small_24_p8_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:53452c860b35b7dc32f289ed4f686e5e815780353ad9333a39602274e8ca48ec +size 190934077 diff --git a/Computer_Vision/xcit_small_24_p8_224_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_24_p8_224_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d36ce8caa --- /dev/null +++ b/Computer_Vision/xcit_small_24_p8_224_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.860301971435547 + set_success: 0.03130769729614258 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_24_p8_224_dist_timm_daaaa924/onnx/xcit_small_24_p8_224_dist_timm_daaaa924-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_24_p8_224_dist.py +class: Xcit +hash: c9aaf58a +model_name: xcit_small_24_p8_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 186539.3838 +onnx_ops_counter: + Abs: 48 + Add: 391 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 795 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 183 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 158 + Mul: 288 + Pow: 173 + ReduceMean: 154 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 83 + Squeeze: 72 + Sub: 77 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 47631112 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_24_p8_224_dist_Opset16_timm/xcit_small_24_p8_224_dist_Opset16.onnx b/Computer_Vision/xcit_small_24_p8_224_dist_Opset16_timm/xcit_small_24_p8_224_dist_Opset16.onnx new file mode 100644 index 000000000..fd8240a0b --- /dev/null +++ b/Computer_Vision/xcit_small_24_p8_224_dist_Opset16_timm/xcit_small_24_p8_224_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:451aebec7127bf664c5090142ab47b825a627cd27d337f339014d75a28fdc9c8 +size 191016296 diff --git a/Computer_Vision/xcit_small_24_p8_224_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_24_p8_224_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..1b69099e3 --- /dev/null +++ b/Computer_Vision/xcit_small_24_p8_224_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.768568515777588 + set_success: 0.0289154052734375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_24_p8_224_dist_timm_daaaa924/onnx/xcit_small_24_p8_224_dist_timm_daaaa924-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_24_p8_224_dist.py +class: Xcit +hash: c9aaf58a +model_name: xcit_small_24_p8_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 186459.0918 +onnx_ops_counter: + Abs: 48 + Add: 237 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 641 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 106 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 211 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 47631112 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_24_p8_224_dist_Opset17_timm/xcit_small_24_p8_224_dist_Opset17.onnx b/Computer_Vision/xcit_small_24_p8_224_dist_Opset17_timm/xcit_small_24_p8_224_dist_Opset17.onnx new file mode 100644 index 000000000..897b0d048 --- /dev/null +++ b/Computer_Vision/xcit_small_24_p8_224_dist_Opset17_timm/xcit_small_24_p8_224_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2cdd3d73516833c5f5d7a3090d8d8f47195e258928de5a36da620038a24be40 +size 190934077 diff --git a/Computer_Vision/xcit_small_24_p8_224_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_24_p8_224_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..febb932ae --- /dev/null +++ b/Computer_Vision/xcit_small_24_p8_224_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.949409246444702 + set_success: 0.0316469669342041 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_24_p8_224_dist_timm_daaaa924/onnx/xcit_small_24_p8_224_dist_timm_daaaa924-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_24_p8_224_dist.py +class: Xcit +hash: c9aaf58a +model_name: xcit_small_24_p8_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 186459.0918 +onnx_ops_counter: + Abs: 48 + Add: 237 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 641 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 106 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 211 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 47631112 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_24_p8_224_dist_Opset18_timm/xcit_small_24_p8_224_dist_Opset18.onnx b/Computer_Vision/xcit_small_24_p8_224_dist_Opset18_timm/xcit_small_24_p8_224_dist_Opset18.onnx new file mode 100644 index 000000000..f8d40e1d5 --- /dev/null +++ b/Computer_Vision/xcit_small_24_p8_224_dist_Opset18_timm/xcit_small_24_p8_224_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:608f3330a09f4290923205219278fdfdf100b8bed14a83cd5a95808ca518c804 +size 190934077 diff --git a/Computer_Vision/xcit_small_24_p8_384_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_24_p8_384_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..60ba9d818 --- /dev/null +++ b/Computer_Vision/xcit_small_24_p8_384_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.37930727005005 + set_success: 0.03924918174743652 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_24_p8_384_dist_timm_a527c5c9/onnx/xcit_small_24_p8_384_dist_timm_a527c5c9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_24_p8_384_dist.py +class: Xcit +hash: c9aaf58a +model_name: xcit_small_24_p8_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 186539.5439 +onnx_ops_counter: + Abs: 48 + Add: 391 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 795 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 183 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 158 + Mul: 288 + Pow: 173 + ReduceMean: 154 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 83 + Squeeze: 72 + Sub: 77 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 47631112 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_24_p8_384_dist_Opset16_timm/xcit_small_24_p8_384_dist_Opset16.onnx b/Computer_Vision/xcit_small_24_p8_384_dist_Opset16_timm/xcit_small_24_p8_384_dist_Opset16.onnx new file mode 100644 index 000000000..a7444c793 --- /dev/null +++ b/Computer_Vision/xcit_small_24_p8_384_dist_Opset16_timm/xcit_small_24_p8_384_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d07c3f257887640b7e0d9cb4c3567c7a5943de05e4782f15da39c9c8b03e943 +size 191016460 diff --git a/Computer_Vision/xcit_small_24_p8_384_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_24_p8_384_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..21fec07d7 --- /dev/null +++ b/Computer_Vision/xcit_small_24_p8_384_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.318942785263062 + set_success: 0.05064725875854492 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_24_p8_384_dist_timm_a527c5c9/onnx/xcit_small_24_p8_384_dist_timm_a527c5c9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_24_p8_384_dist.py +class: Xcit +hash: c9aaf58a +model_name: xcit_small_24_p8_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 186459.252 +onnx_ops_counter: + Abs: 48 + Add: 237 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 641 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 106 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 211 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 47631112 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_24_p8_384_dist_Opset17_timm/xcit_small_24_p8_384_dist_Opset17.onnx b/Computer_Vision/xcit_small_24_p8_384_dist_Opset17_timm/xcit_small_24_p8_384_dist_Opset17.onnx new file mode 100644 index 000000000..68acf261d --- /dev/null +++ b/Computer_Vision/xcit_small_24_p8_384_dist_Opset17_timm/xcit_small_24_p8_384_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cc29b74921c391d35513cb3e8a6467ad9d41e28abf0764910745fdb158e522d0 +size 190934241 diff --git a/Computer_Vision/xcit_small_24_p8_384_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_small_24_p8_384_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..165d212a3 --- /dev/null +++ b/Computer_Vision/xcit_small_24_p8_384_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.48069715499878 + set_success: 0.038588523864746094 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_small_24_p8_384_dist_timm_a527c5c9/onnx/xcit_small_24_p8_384_dist_timm_a527c5c9-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_small_24_p8_384_dist.py +class: Xcit +hash: c9aaf58a +model_name: xcit_small_24_p8_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 186459.252 +onnx_ops_counter: + Abs: 48 + Add: 237 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 641 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 106 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 211 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 47631112 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_small_24_p8_384_dist_Opset18_timm/xcit_small_24_p8_384_dist_Opset18.onnx b/Computer_Vision/xcit_small_24_p8_384_dist_Opset18_timm/xcit_small_24_p8_384_dist_Opset18.onnx new file mode 100644 index 000000000..bd3ea24f2 --- /dev/null +++ b/Computer_Vision/xcit_small_24_p8_384_dist_Opset18_timm/xcit_small_24_p8_384_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:196315100db81dda7f46824d76e7cc448f8363446bc8b7ad9623cc7f90811c83 +size 190934241 diff --git a/Computer_Vision/xcit_tiny_12_p16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_12_p16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..871c15586 --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.645061254501343 + set_success: 0.015489816665649414 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_12_p16_224_timm_5ab0786e/onnx/xcit_tiny_12_p16_224_timm_5ab0786e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_12_p16_224.py +class: Xcit +hash: 8ab2926c +model_name: xcit_tiny_12_p16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 26480.0957 +onnx_ops_counter: + Abs: 24 + Add: 212 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 462 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 100 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 86 + Mul: 158 + Pow: 89 + ReduceMean: 82 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 47 + Squeeze: 36 + Sub: 41 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 6716272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_12_p16_224_Opset16_timm/xcit_tiny_12_p16_224_Opset16.onnx b/Computer_Vision/xcit_tiny_12_p16_224_Opset16_timm/xcit_tiny_12_p16_224_Opset16.onnx new file mode 100644 index 000000000..db8070c9d --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p16_224_Opset16_timm/xcit_tiny_12_p16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adc2eebb255bc3a1eaa518c28613c7375fad20686bdd0208b386056d7d1aa00a +size 27115585 diff --git a/Computer_Vision/xcit_tiny_12_p16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_12_p16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..25e091ea3 --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.236439943313599 + set_success: 0.01594996452331543 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_12_p16_224_timm_5ab0786e/onnx/xcit_tiny_12_p16_224_timm_5ab0786e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_12_p16_224.py +class: Xcit +hash: 8ab2926c +model_name: xcit_tiny_12_p16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 26437.5381 +onnx_ops_counter: + Abs: 24 + Add: 130 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 380 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 59 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 117 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 6716272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_12_p16_224_Opset17_timm/xcit_tiny_12_p16_224_Opset17.onnx b/Computer_Vision/xcit_tiny_12_p16_224_Opset17_timm/xcit_tiny_12_p16_224_Opset17.onnx new file mode 100644 index 000000000..4f74e3455 --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p16_224_Opset17_timm/xcit_tiny_12_p16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a60bfda25116ae744490b6e6d77b466b0dfe9220fa2521ab327c44fd4f11e89a +size 27072006 diff --git a/Computer_Vision/xcit_tiny_12_p16_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_12_p16_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..be53519a9 --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p16_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.222497463226318 + set_success: 0.017427444458007812 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_12_p16_224_timm_5ab0786e/onnx/xcit_tiny_12_p16_224_timm_5ab0786e-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_12_p16_224.py +class: Xcit +hash: 8ab2926c +model_name: xcit_tiny_12_p16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 26437.5381 +onnx_ops_counter: + Abs: 24 + Add: 130 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 380 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 59 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 117 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 6716272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_12_p16_224_Opset18_timm/xcit_tiny_12_p16_224_Opset18.onnx b/Computer_Vision/xcit_tiny_12_p16_224_Opset18_timm/xcit_tiny_12_p16_224_Opset18.onnx new file mode 100644 index 000000000..a57472f4b --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p16_224_Opset18_timm/xcit_tiny_12_p16_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:02f4658ecca0a7355f26a37c40703a65dde4208af3b3990b658df2f9fad41cc9 +size 27072006 diff --git a/Computer_Vision/xcit_tiny_12_p16_224_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_12_p16_224_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..af32e67c4 --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p16_224_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.800663232803345 + set_success: 0.017099380493164062 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_12_p16_224_dist_timm_5ab0786e/onnx/xcit_tiny_12_p16_224_dist_timm_5ab0786e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_12_p16_224_dist.py +class: Xcit +hash: 8ab2926c +model_name: xcit_tiny_12_p16_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 26480.0957 +onnx_ops_counter: + Abs: 24 + Add: 212 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 462 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 100 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 86 + Mul: 158 + Pow: 89 + ReduceMean: 82 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 47 + Squeeze: 36 + Sub: 41 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 6716272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_12_p16_224_dist_Opset16_timm/xcit_tiny_12_p16_224_dist_Opset16.onnx b/Computer_Vision/xcit_tiny_12_p16_224_dist_Opset16_timm/xcit_tiny_12_p16_224_dist_Opset16.onnx new file mode 100644 index 000000000..01303cc12 --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p16_224_dist_Opset16_timm/xcit_tiny_12_p16_224_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80057f83b4b4e11b06949b1cbf3ff12462a5b33f5c83188a670b3ae153733c41 +size 27115585 diff --git a/Computer_Vision/xcit_tiny_12_p16_224_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_12_p16_224_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f22022c20 --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p16_224_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.227808713912964 + set_success: 0.01794719696044922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_12_p16_224_dist_timm_5ab0786e/onnx/xcit_tiny_12_p16_224_dist_timm_5ab0786e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_12_p16_224_dist.py +class: Xcit +hash: 8ab2926c +model_name: xcit_tiny_12_p16_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 26437.5381 +onnx_ops_counter: + Abs: 24 + Add: 130 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 380 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 59 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 117 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 6716272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_12_p16_224_dist_Opset17_timm/xcit_tiny_12_p16_224_dist_Opset17.onnx b/Computer_Vision/xcit_tiny_12_p16_224_dist_Opset17_timm/xcit_tiny_12_p16_224_dist_Opset17.onnx new file mode 100644 index 000000000..634d78919 --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p16_224_dist_Opset17_timm/xcit_tiny_12_p16_224_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3cb5117f1f969f251b8cf26e6872d09a3f1a1dfc96958b44d855ac49120ee319 +size 27072006 diff --git a/Computer_Vision/xcit_tiny_12_p16_224_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_12_p16_224_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f20bd54f3 --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p16_224_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.311456680297852 + set_success: 0.019283056259155273 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_12_p16_224_dist_timm_5ab0786e/onnx/xcit_tiny_12_p16_224_dist_timm_5ab0786e-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_12_p16_224_dist.py +class: Xcit +hash: 8ab2926c +model_name: xcit_tiny_12_p16_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 26437.5381 +onnx_ops_counter: + Abs: 24 + Add: 130 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 380 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 59 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 117 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 6716272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_12_p16_224_dist_Opset18_timm/xcit_tiny_12_p16_224_dist_Opset18.onnx b/Computer_Vision/xcit_tiny_12_p16_224_dist_Opset18_timm/xcit_tiny_12_p16_224_dist_Opset18.onnx new file mode 100644 index 000000000..831c3b95f --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p16_224_dist_Opset18_timm/xcit_tiny_12_p16_224_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21dd1604139a67ff431f02189fca58464e05f0c6e9513af19e71bf7447d9fc2c +size 27072006 diff --git a/Computer_Vision/xcit_tiny_12_p16_384_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_12_p16_384_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..511f0ecf1 --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p16_384_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.7704527378082275 + set_success: 0.018907785415649414 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_12_p16_384_dist_timm_ea61cce9/onnx/xcit_tiny_12_p16_384_dist_timm_ea61cce9-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_12_p16_384_dist.py +class: Xcit +hash: 8ab2926c +model_name: xcit_tiny_12_p16_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 26480.1738 +onnx_ops_counter: + Abs: 24 + Add: 212 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 462 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 100 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 86 + Mul: 158 + Pow: 89 + ReduceMean: 82 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 47 + Squeeze: 36 + Sub: 41 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 6716272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_12_p16_384_dist_Opset16_timm/xcit_tiny_12_p16_384_dist_Opset16.onnx b/Computer_Vision/xcit_tiny_12_p16_384_dist_Opset16_timm/xcit_tiny_12_p16_384_dist_Opset16.onnx new file mode 100644 index 000000000..0f26fbe17 --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p16_384_dist_Opset16_timm/xcit_tiny_12_p16_384_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c17c23bf846f3ca253a895e52f5e1dd5f107c72c0330b70571fe2f828420f34 +size 27115665 diff --git a/Computer_Vision/xcit_tiny_12_p16_384_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_12_p16_384_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..30f3ce8c9 --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p16_384_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.382401466369629 + set_success: 0.020011425018310547 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_12_p16_384_dist_timm_ea61cce9/onnx/xcit_tiny_12_p16_384_dist_timm_ea61cce9-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_12_p16_384_dist.py +class: Xcit +hash: 8ab2926c +model_name: xcit_tiny_12_p16_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 26437.6162 +onnx_ops_counter: + Abs: 24 + Add: 130 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 380 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 59 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 117 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 6716272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_12_p16_384_dist_Opset17_timm/xcit_tiny_12_p16_384_dist_Opset17.onnx b/Computer_Vision/xcit_tiny_12_p16_384_dist_Opset17_timm/xcit_tiny_12_p16_384_dist_Opset17.onnx new file mode 100644 index 000000000..16c1a8094 --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p16_384_dist_Opset17_timm/xcit_tiny_12_p16_384_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea7a1fe9f008707e29ef88e6b630aafbae2ad28de5ae1595456fd5af69b060e4 +size 27072086 diff --git a/Computer_Vision/xcit_tiny_12_p16_384_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_12_p16_384_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b0372fabb --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p16_384_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.272464752197266 + set_success: 0.018219470977783203 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_12_p16_384_dist_timm_ea61cce9/onnx/xcit_tiny_12_p16_384_dist_timm_ea61cce9-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_12_p16_384_dist.py +class: Xcit +hash: 8ab2926c +model_name: xcit_tiny_12_p16_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 26437.6162 +onnx_ops_counter: + Abs: 24 + Add: 130 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 380 + ConstantOfShape: 4 + Conv: 29 + Cos: 2 + Div: 59 + Equal: 1 + Erf: 29 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 117 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 6716272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_12_p16_384_dist_Opset18_timm/xcit_tiny_12_p16_384_dist_Opset18.onnx b/Computer_Vision/xcit_tiny_12_p16_384_dist_Opset18_timm/xcit_tiny_12_p16_384_dist_Opset18.onnx new file mode 100644 index 000000000..d9215e6ec --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p16_384_dist_Opset18_timm/xcit_tiny_12_p16_384_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f995efb576169efed3e905150501c529dc2a770c69880968a9d21de25a26a009 +size 27072086 diff --git a/Computer_Vision/xcit_tiny_12_p8_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_12_p8_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..d93ff1ec0 --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p8_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.7133989334106445 + set_success: 0.020175933837890625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_12_p8_224_timm_d1a6ba6c/onnx/xcit_tiny_12_p8_224_timm_d1a6ba6c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_12_p8_224.py +class: Xcit +hash: 0e8061cf +model_name: xcit_tiny_12_p8_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 26440.7266 +onnx_ops_counter: + Abs: 24 + Add: 211 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 459 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 99 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 86 + Mul: 156 + Pow: 89 + ReduceMean: 82 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 47 + Squeeze: 36 + Sub: 41 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 6706504 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_12_p8_224_Opset16_timm/xcit_tiny_12_p8_224_Opset16.onnx b/Computer_Vision/xcit_tiny_12_p8_224_Opset16_timm/xcit_tiny_12_p8_224_Opset16.onnx new file mode 100644 index 000000000..ad9402ef5 --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p8_224_Opset16_timm/xcit_tiny_12_p8_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:12f42c6baf414a5575c29c756ab11a31c0f5eb6657263cad433b3ee2120c9ff1 +size 27075271 diff --git a/Computer_Vision/xcit_tiny_12_p8_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_12_p8_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..a5850730c --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p8_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.265352249145508 + set_success: 0.019008398056030273 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_12_p8_224_timm_d1a6ba6c/onnx/xcit_tiny_12_p8_224_timm_d1a6ba6c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_12_p8_224.py +class: Xcit +hash: 0e8061cf +model_name: xcit_tiny_12_p8_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 26398.1689 +onnx_ops_counter: + Abs: 24 + Add: 129 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 377 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 58 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 115 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 6706504 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_12_p8_224_Opset17_timm/xcit_tiny_12_p8_224_Opset17.onnx b/Computer_Vision/xcit_tiny_12_p8_224_Opset17_timm/xcit_tiny_12_p8_224_Opset17.onnx new file mode 100644 index 000000000..87d980e30 --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p8_224_Opset17_timm/xcit_tiny_12_p8_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5cffe4f64dbee8d1f9c74442a91611b74fd57925599ae46bccf1f7fa3e57093 +size 27031692 diff --git a/Computer_Vision/xcit_tiny_12_p8_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_12_p8_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b7ea97d7d --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p8_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.2538087368011475 + set_success: 0.019384384155273438 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_12_p8_224_timm_d1a6ba6c/onnx/xcit_tiny_12_p8_224_timm_d1a6ba6c-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_12_p8_224.py +class: Xcit +hash: 0e8061cf +model_name: xcit_tiny_12_p8_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 26398.1689 +onnx_ops_counter: + Abs: 24 + Add: 129 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 377 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 58 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 115 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 6706504 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_12_p8_224_Opset18_timm/xcit_tiny_12_p8_224_Opset18.onnx b/Computer_Vision/xcit_tiny_12_p8_224_Opset18_timm/xcit_tiny_12_p8_224_Opset18.onnx new file mode 100644 index 000000000..8709977df --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p8_224_Opset18_timm/xcit_tiny_12_p8_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3a74ef44e70c6d3c34fbf6dadd55fc180b10b33c3733889c17e7db8e3bd4f549 +size 27031692 diff --git a/Computer_Vision/xcit_tiny_12_p8_224_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_12_p8_224_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..fc4347b32 --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p8_224_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.634531736373901 + set_success: 0.01937580108642578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_12_p8_224_dist_timm_d1a6ba6c/onnx/xcit_tiny_12_p8_224_dist_timm_d1a6ba6c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_12_p8_224_dist.py +class: Xcit +hash: 0e8061cf +model_name: xcit_tiny_12_p8_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 26440.7266 +onnx_ops_counter: + Abs: 24 + Add: 211 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 459 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 99 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 86 + Mul: 156 + Pow: 89 + ReduceMean: 82 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 47 + Squeeze: 36 + Sub: 41 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 6706504 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_12_p8_224_dist_Opset16_timm/xcit_tiny_12_p8_224_dist_Opset16.onnx b/Computer_Vision/xcit_tiny_12_p8_224_dist_Opset16_timm/xcit_tiny_12_p8_224_dist_Opset16.onnx new file mode 100644 index 000000000..d5d430fb0 --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p8_224_dist_Opset16_timm/xcit_tiny_12_p8_224_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e359470a728ff309e15f9623654fec9f10dc4782f7cad4ceaa3d5bbe8e4e794c +size 27075271 diff --git a/Computer_Vision/xcit_tiny_12_p8_224_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_12_p8_224_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..59663a4a6 --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p8_224_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.706841468811035 + set_success: 0.0316319465637207 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_12_p8_224_dist_timm_d1a6ba6c/onnx/xcit_tiny_12_p8_224_dist_timm_d1a6ba6c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_12_p8_224_dist.py +class: Xcit +hash: 0e8061cf +model_name: xcit_tiny_12_p8_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 26398.1689 +onnx_ops_counter: + Abs: 24 + Add: 129 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 377 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 58 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 115 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 6706504 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_12_p8_224_dist_Opset17_timm/xcit_tiny_12_p8_224_dist_Opset17.onnx b/Computer_Vision/xcit_tiny_12_p8_224_dist_Opset17_timm/xcit_tiny_12_p8_224_dist_Opset17.onnx new file mode 100644 index 000000000..8c5888c78 --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p8_224_dist_Opset17_timm/xcit_tiny_12_p8_224_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:649c9914bc55fb852ed1d4c94162f47f0e7acb24c8da3e040ee8396095666fb6 +size 27031692 diff --git a/Computer_Vision/xcit_tiny_12_p8_224_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_12_p8_224_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..c4b825ecf --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p8_224_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.308403491973877 + set_success: 0.027295589447021484 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_12_p8_224_dist_timm_d1a6ba6c/onnx/xcit_tiny_12_p8_224_dist_timm_d1a6ba6c-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_12_p8_224_dist.py +class: Xcit +hash: 0e8061cf +model_name: xcit_tiny_12_p8_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 26398.1689 +onnx_ops_counter: + Abs: 24 + Add: 129 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 377 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 58 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 115 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 6706504 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_12_p8_224_dist_Opset18_timm/xcit_tiny_12_p8_224_dist_Opset18.onnx b/Computer_Vision/xcit_tiny_12_p8_224_dist_Opset18_timm/xcit_tiny_12_p8_224_dist_Opset18.onnx new file mode 100644 index 000000000..509748931 --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p8_224_dist_Opset18_timm/xcit_tiny_12_p8_224_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2cd19e004a3df98fd1afd9d9fb2308b9322e85c3ffdbbb1e08636eb82080dde +size 27031692 diff --git a/Computer_Vision/xcit_tiny_12_p8_384_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_12_p8_384_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2d354702d --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p8_384_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.688162088394165 + set_success: 0.022029876708984375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_12_p8_384_dist_timm_8b5ce05a/onnx/xcit_tiny_12_p8_384_dist_timm_8b5ce05a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_12_p8_384_dist.py +class: Xcit +hash: 0e8061cf +model_name: xcit_tiny_12_p8_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 26440.8867 +onnx_ops_counter: + Abs: 24 + Add: 211 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 459 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 99 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 86 + Mul: 156 + Pow: 89 + ReduceMean: 82 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 47 + Squeeze: 36 + Sub: 41 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 6706504 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_12_p8_384_dist_Opset16_timm/xcit_tiny_12_p8_384_dist_Opset16.onnx b/Computer_Vision/xcit_tiny_12_p8_384_dist_Opset16_timm/xcit_tiny_12_p8_384_dist_Opset16.onnx new file mode 100644 index 000000000..bca7d5d8e --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p8_384_dist_Opset16_timm/xcit_tiny_12_p8_384_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c1fa9ad602eeb6be58e3ed18597465e19ce82e1f802fb900181ae03cfafe369 +size 27075435 diff --git a/Computer_Vision/xcit_tiny_12_p8_384_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_12_p8_384_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..b42a24540 --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p8_384_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.248791217803955 + set_success: 0.02363109588623047 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_12_p8_384_dist_timm_8b5ce05a/onnx/xcit_tiny_12_p8_384_dist_timm_8b5ce05a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_12_p8_384_dist.py +class: Xcit +hash: 0e8061cf +model_name: xcit_tiny_12_p8_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 26398.3291 +onnx_ops_counter: + Abs: 24 + Add: 129 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 377 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 58 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 115 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 6706504 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_12_p8_384_dist_Opset17_timm/xcit_tiny_12_p8_384_dist_Opset17.onnx b/Computer_Vision/xcit_tiny_12_p8_384_dist_Opset17_timm/xcit_tiny_12_p8_384_dist_Opset17.onnx new file mode 100644 index 000000000..38ac7bf81 --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p8_384_dist_Opset17_timm/xcit_tiny_12_p8_384_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cfa9d567191e05c4e975c30be0ea2298d7307d0ffbff17470294baa661b74213 +size 27031856 diff --git a/Computer_Vision/xcit_tiny_12_p8_384_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_12_p8_384_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7b1f1d4cf --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p8_384_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.294533014297485 + set_success: 0.022547483444213867 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_12_p8_384_dist_timm_8b5ce05a/onnx/xcit_tiny_12_p8_384_dist_timm_8b5ce05a-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_12_p8_384_dist.py +class: Xcit +hash: 0e8061cf +model_name: xcit_tiny_12_p8_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 26398.3291 +onnx_ops_counter: + Abs: 24 + Add: 129 + BatchNormalization: 12 + Cast: 2 + Clip: 24 + Concat: 11 + Constant: 377 + ConstantOfShape: 4 + Conv: 28 + Cos: 2 + Div: 58 + Equal: 1 + Erf: 28 + Expand: 28 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 41 + MatMul: 86 + Mul: 115 + Pow: 48 + ReduceSum: 24 + Reshape: 60 + Shape: 29 + Sin: 2 + Slice: 17 + Softmax: 14 + Split: 12 + Sqrt: 6 + Squeeze: 36 + Tile: 3 + Transpose: 71 + Unsqueeze: 8 + Where: 1 +parameters: 6706504 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_12_p8_384_dist_Opset18_timm/xcit_tiny_12_p8_384_dist_Opset18.onnx b/Computer_Vision/xcit_tiny_12_p8_384_dist_Opset18_timm/xcit_tiny_12_p8_384_dist_Opset18.onnx new file mode 100644 index 000000000..2d8baea56 --- /dev/null +++ b/Computer_Vision/xcit_tiny_12_p8_384_dist_Opset18_timm/xcit_tiny_12_p8_384_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4a9ce002f221ae87c13e32b6e967db3a463bae8acb1f58863faca454acd1240 +size 27031856 diff --git a/Computer_Vision/xcit_tiny_24_p16_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_24_p16_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0d39cc3e5 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p16_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 14.091642379760742 + set_success: 0.01811528205871582 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_24_p16_224_timm_b2c3ae7b/onnx/xcit_tiny_24_p16_224_timm_b2c3ae7b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_24_p16_224.py +class: Xcit +hash: 7d691e1f +model_name: xcit_tiny_24_p16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 47780.6465 +onnx_ops_counter: + Abs: 48 + Add: 392 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 798 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 184 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 158 + Mul: 290 + Pow: 173 + ReduceMean: 154 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 83 + Squeeze: 72 + Sub: 77 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 12116896 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_24_p16_224_Opset16_timm/xcit_tiny_24_p16_224_Opset16.onnx b/Computer_Vision/xcit_tiny_24_p16_224_Opset16_timm/xcit_tiny_24_p16_224_Opset16.onnx new file mode 100644 index 000000000..d1349d3ef --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p16_224_Opset16_timm/xcit_tiny_24_p16_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bca65904c5cef8bcec85761f60fa0e137f63d8dea302d436c5afa1f2769bcdfd +size 48927349 diff --git a/Computer_Vision/xcit_tiny_24_p16_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_24_p16_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..dbd9448b0 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p16_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.442819833755493 + set_success: 0.02027583122253418 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_24_p16_224_timm_b2c3ae7b/onnx/xcit_tiny_24_p16_224_timm_b2c3ae7b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_24_p16_224.py +class: Xcit +hash: 7d691e1f +model_name: xcit_tiny_24_p16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 47700.3545 +onnx_ops_counter: + Abs: 48 + Add: 238 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 644 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 107 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 213 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 12116896 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_24_p16_224_Opset17_timm/xcit_tiny_24_p16_224_Opset17.onnx b/Computer_Vision/xcit_tiny_24_p16_224_Opset17_timm/xcit_tiny_24_p16_224_Opset17.onnx new file mode 100644 index 000000000..0f2b48d89 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p16_224_Opset17_timm/xcit_tiny_24_p16_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:152bca846b3e519ee0ae52bf0fb65430296fd2de98bddfd0a34fa8238409faa9 +size 48845130 diff --git a/Computer_Vision/xcit_tiny_24_p16_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_24_p16_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..0e6609103 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p16_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.966175317764282 + set_success: 0.021791696548461914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_24_p16_224_timm_b2c3ae7b/onnx/xcit_tiny_24_p16_224_timm_b2c3ae7b-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_24_p16_224.py +class: Xcit +hash: 7d691e1f +model_name: xcit_tiny_24_p16_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 47700.3545 +onnx_ops_counter: + Abs: 48 + Add: 238 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 644 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 107 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 213 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 12116896 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_24_p16_224_Opset18_timm/xcit_tiny_24_p16_224_Opset18.onnx b/Computer_Vision/xcit_tiny_24_p16_224_Opset18_timm/xcit_tiny_24_p16_224_Opset18.onnx new file mode 100644 index 000000000..f33f38cca --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p16_224_Opset18_timm/xcit_tiny_24_p16_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:353af1cc61a8264bdbdb83a022bebfc4ae1cc288eb2e86978b48e8f81d6eb19d +size 48845130 diff --git a/Computer_Vision/xcit_tiny_24_p16_224_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_24_p16_224_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..e154f0360 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p16_224_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 14.103014469146729 + set_success: 0.017771244049072266 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_24_p16_224_dist_timm_b2c3ae7b/onnx/xcit_tiny_24_p16_224_dist_timm_b2c3ae7b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_24_p16_224_dist.py +class: Xcit +hash: 7d691e1f +model_name: xcit_tiny_24_p16_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 47780.6465 +onnx_ops_counter: + Abs: 48 + Add: 392 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 798 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 184 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 158 + Mul: 290 + Pow: 173 + ReduceMean: 154 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 83 + Squeeze: 72 + Sub: 77 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 12116896 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_24_p16_224_dist_Opset16_timm/xcit_tiny_24_p16_224_dist_Opset16.onnx b/Computer_Vision/xcit_tiny_24_p16_224_dist_Opset16_timm/xcit_tiny_24_p16_224_dist_Opset16.onnx new file mode 100644 index 000000000..7045d1283 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p16_224_dist_Opset16_timm/xcit_tiny_24_p16_224_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c59b58d78bdde43f314da22b645ee136d79d5b0db3279067c49aea95812756d8 +size 48927349 diff --git a/Computer_Vision/xcit_tiny_24_p16_224_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_24_p16_224_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..5512749a4 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p16_224_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.770982503890991 + set_success: 0.02071523666381836 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_24_p16_224_dist_timm_b2c3ae7b/onnx/xcit_tiny_24_p16_224_dist_timm_b2c3ae7b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_24_p16_224_dist.py +class: Xcit +hash: 7d691e1f +model_name: xcit_tiny_24_p16_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 47700.3545 +onnx_ops_counter: + Abs: 48 + Add: 238 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 644 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 107 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 213 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 12116896 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_24_p16_224_dist_Opset17_timm/xcit_tiny_24_p16_224_dist_Opset17.onnx b/Computer_Vision/xcit_tiny_24_p16_224_dist_Opset17_timm/xcit_tiny_24_p16_224_dist_Opset17.onnx new file mode 100644 index 000000000..0d3136813 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p16_224_dist_Opset17_timm/xcit_tiny_24_p16_224_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40450a63a11a204a25176ddd4cb5f9e1fd3a30221457ac45ac4ffd05e4bb7290 +size 48845130 diff --git a/Computer_Vision/xcit_tiny_24_p16_224_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_24_p16_224_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..26ab2f863 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p16_224_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.446321249008179 + set_success: 0.017586708068847656 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_24_p16_224_dist_timm_b2c3ae7b/onnx/xcit_tiny_24_p16_224_dist_timm_b2c3ae7b-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_24_p16_224_dist.py +class: Xcit +hash: 7d691e1f +model_name: xcit_tiny_24_p16_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 47700.3545 +onnx_ops_counter: + Abs: 48 + Add: 238 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 644 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 107 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 213 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 12116896 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_24_p16_224_dist_Opset18_timm/xcit_tiny_24_p16_224_dist_Opset18.onnx b/Computer_Vision/xcit_tiny_24_p16_224_dist_Opset18_timm/xcit_tiny_24_p16_224_dist_Opset18.onnx new file mode 100644 index 000000000..b6afd03e8 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p16_224_dist_Opset18_timm/xcit_tiny_24_p16_224_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42472aa22f7ca9078bbcd4326ae49fc575ec07e167fb9cb9658fd51f6ee1b447 +size 48845130 diff --git a/Computer_Vision/xcit_tiny_24_p16_384_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_24_p16_384_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..690fd7717 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p16_384_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 14.46174669265747 + set_success: 0.021929025650024414 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_24_p16_384_dist_timm_93a5961a/onnx/xcit_tiny_24_p16_384_dist_timm_93a5961a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_24_p16_384_dist.py +class: Xcit +hash: 7d691e1f +model_name: xcit_tiny_24_p16_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 47780.7246 +onnx_ops_counter: + Abs: 48 + Add: 392 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 798 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 184 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 158 + Mul: 290 + Pow: 173 + ReduceMean: 154 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 83 + Squeeze: 72 + Sub: 77 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 12116896 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_24_p16_384_dist_Opset16_timm/xcit_tiny_24_p16_384_dist_Opset16.onnx b/Computer_Vision/xcit_tiny_24_p16_384_dist_Opset16_timm/xcit_tiny_24_p16_384_dist_Opset16.onnx new file mode 100644 index 000000000..938e9c46a --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p16_384_dist_Opset16_timm/xcit_tiny_24_p16_384_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2cf4d45d12bd6fbe862b288bae30c933558a8236d44602629237c690ecd2f64a +size 48927429 diff --git a/Computer_Vision/xcit_tiny_24_p16_384_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_24_p16_384_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..9e1aed1ab --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p16_384_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.454272270202637 + set_success: 0.025662660598754883 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_24_p16_384_dist_timm_93a5961a/onnx/xcit_tiny_24_p16_384_dist_timm_93a5961a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_24_p16_384_dist.py +class: Xcit +hash: 7d691e1f +model_name: xcit_tiny_24_p16_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 47700.4326 +onnx_ops_counter: + Abs: 48 + Add: 238 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 644 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 107 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 213 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 12116896 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_24_p16_384_dist_Opset17_timm/xcit_tiny_24_p16_384_dist_Opset17.onnx b/Computer_Vision/xcit_tiny_24_p16_384_dist_Opset17_timm/xcit_tiny_24_p16_384_dist_Opset17.onnx new file mode 100644 index 000000000..3c3d6350f --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p16_384_dist_Opset17_timm/xcit_tiny_24_p16_384_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:55a1339c2532c37ce48f8112ecbd8241e808082f67c02da55fe071c5abfc69a4 +size 48845210 diff --git a/Computer_Vision/xcit_tiny_24_p16_384_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_24_p16_384_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..122e42228 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p16_384_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.790649890899658 + set_success: 0.026714563369750977 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_24_p16_384_dist_timm_93a5961a/onnx/xcit_tiny_24_p16_384_dist_timm_93a5961a-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_24_p16_384_dist.py +class: Xcit +hash: 7d691e1f +model_name: xcit_tiny_24_p16_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 47700.4326 +onnx_ops_counter: + Abs: 48 + Add: 238 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 644 + ConstantOfShape: 4 + Conv: 53 + Cos: 2 + Div: 107 + Equal: 1 + Erf: 53 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 213 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 12116896 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_24_p16_384_dist_Opset18_timm/xcit_tiny_24_p16_384_dist_Opset18.onnx b/Computer_Vision/xcit_tiny_24_p16_384_dist_Opset18_timm/xcit_tiny_24_p16_384_dist_Opset18.onnx new file mode 100644 index 000000000..44904529b --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p16_384_dist_Opset18_timm/xcit_tiny_24_p16_384_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8d02b9d0c163d6c934bc9498952a4f796e149142a0e0e48bbac56c932107674 +size 48845210 diff --git a/Computer_Vision/xcit_tiny_24_p8_224_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_24_p8_224_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..ddc3d105f --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p8_224_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.971160173416138 + set_success: 0.027022123336791992 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_24_p8_224_timm_57e6a920/onnx/xcit_tiny_24_p8_224_timm_57e6a920-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_24_p8_224.py +class: Xcit +hash: 11a17268 +model_name: xcit_tiny_24_p8_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 47741.2773 +onnx_ops_counter: + Abs: 48 + Add: 391 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 795 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 183 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 158 + Mul: 288 + Pow: 173 + ReduceMean: 154 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 83 + Squeeze: 72 + Sub: 77 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 12107128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_24_p8_224_Opset16_timm/xcit_tiny_24_p8_224_Opset16.onnx b/Computer_Vision/xcit_tiny_24_p8_224_Opset16_timm/xcit_tiny_24_p8_224_Opset16.onnx new file mode 100644 index 000000000..677620ed6 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p8_224_Opset16_timm/xcit_tiny_24_p8_224_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bdecf242fe63f1a77a90f14ceda8e0d9f1c01b801d4bed34d34b1a059a5c0746 +size 48887035 diff --git a/Computer_Vision/xcit_tiny_24_p8_224_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_24_p8_224_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..981019295 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p8_224_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.684462547302246 + set_success: 0.024832487106323242 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_24_p8_224_timm_57e6a920/onnx/xcit_tiny_24_p8_224_timm_57e6a920-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_24_p8_224.py +class: Xcit +hash: 11a17268 +model_name: xcit_tiny_24_p8_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 47660.9854 +onnx_ops_counter: + Abs: 48 + Add: 237 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 641 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 106 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 211 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 12107128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_24_p8_224_Opset17_timm/xcit_tiny_24_p8_224_Opset17.onnx b/Computer_Vision/xcit_tiny_24_p8_224_Opset17_timm/xcit_tiny_24_p8_224_Opset17.onnx new file mode 100644 index 000000000..e333f4f14 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p8_224_Opset17_timm/xcit_tiny_24_p8_224_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:28a164588b022d591aa7dddd6558cefb57b129c670aed741a45d204532fadd7d +size 48804816 diff --git a/Computer_Vision/xcit_tiny_24_p8_224_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_24_p8_224_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..f229d3f85 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p8_224_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.830337762832642 + set_success: 0.030179262161254883 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_24_p8_224_timm_57e6a920/onnx/xcit_tiny_24_p8_224_timm_57e6a920-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_24_p8_224.py +class: Xcit +hash: 11a17268 +model_name: xcit_tiny_24_p8_224 +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 47660.9854 +onnx_ops_counter: + Abs: 48 + Add: 237 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 641 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 106 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 211 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 12107128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_24_p8_224_Opset18_timm/xcit_tiny_24_p8_224_Opset18.onnx b/Computer_Vision/xcit_tiny_24_p8_224_Opset18_timm/xcit_tiny_24_p8_224_Opset18.onnx new file mode 100644 index 000000000..c34e03dc1 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p8_224_Opset18_timm/xcit_tiny_24_p8_224_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b70962cc5ecdcc92240e7e0162550bf85481195de72b79bcf2110593dd288f3c +size 48804816 diff --git a/Computer_Vision/xcit_tiny_24_p8_224_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_24_p8_224_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..43cea455f --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p8_224_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 22.62216854095459 + set_success: 0.029986143112182617 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_24_p8_224_dist_timm_57e6a920/onnx/xcit_tiny_24_p8_224_dist_timm_57e6a920-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_24_p8_224_dist.py +class: Xcit +hash: 11a17268 +model_name: xcit_tiny_24_p8_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 47741.2773 +onnx_ops_counter: + Abs: 48 + Add: 391 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 795 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 183 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 158 + Mul: 288 + Pow: 173 + ReduceMean: 154 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 83 + Squeeze: 72 + Sub: 77 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 12107128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_24_p8_224_dist_Opset16_timm/xcit_tiny_24_p8_224_dist_Opset16.onnx b/Computer_Vision/xcit_tiny_24_p8_224_dist_Opset16_timm/xcit_tiny_24_p8_224_dist_Opset16.onnx new file mode 100644 index 000000000..d130859de --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p8_224_dist_Opset16_timm/xcit_tiny_24_p8_224_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5910285e24bfe3bb4f937f3f923ce327dc9b2e7759a561d0a3ed42d93f2c605a +size 48887035 diff --git a/Computer_Vision/xcit_tiny_24_p8_224_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_24_p8_224_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..8a78c8df9 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p8_224_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.51178765296936 + set_success: 0.02465510368347168 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_24_p8_224_dist_timm_57e6a920/onnx/xcit_tiny_24_p8_224_dist_timm_57e6a920-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_24_p8_224_dist.py +class: Xcit +hash: 11a17268 +model_name: xcit_tiny_24_p8_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 47660.9854 +onnx_ops_counter: + Abs: 48 + Add: 237 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 641 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 106 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 211 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 12107128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_24_p8_224_dist_Opset17_timm/xcit_tiny_24_p8_224_dist_Opset17.onnx b/Computer_Vision/xcit_tiny_24_p8_224_dist_Opset17_timm/xcit_tiny_24_p8_224_dist_Opset17.onnx new file mode 100644 index 000000000..9d5b5c9a6 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p8_224_dist_Opset17_timm/xcit_tiny_24_p8_224_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1902165ad4d7b58ca88c6bcbe8e8ffc364e567125964fa470f7908e5a1e63a68 +size 48804816 diff --git a/Computer_Vision/xcit_tiny_24_p8_224_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_24_p8_224_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7094d9235 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p8_224_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.477520227432251 + set_success: 0.023276805877685547 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_24_p8_224_dist_timm_57e6a920/onnx/xcit_tiny_24_p8_224_dist_timm_57e6a920-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_24_p8_224_dist.py +class: Xcit +hash: 11a17268 +model_name: xcit_tiny_24_p8_224_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 224 + - 224 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 47660.9854 +onnx_ops_counter: + Abs: 48 + Add: 237 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 641 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 106 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 211 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 12107128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_24_p8_224_dist_Opset18_timm/xcit_tiny_24_p8_224_dist_Opset18.onnx b/Computer_Vision/xcit_tiny_24_p8_224_dist_Opset18_timm/xcit_tiny_24_p8_224_dist_Opset18.onnx new file mode 100644 index 000000000..209fbcb80 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p8_224_dist_Opset18_timm/xcit_tiny_24_p8_224_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d910822d6cfb50f3ef10ec194bf23a53c565f96e7ce02727407e72cc22da746d +size 48804816 diff --git a/Computer_Vision/xcit_tiny_24_p8_384_dist_Opset16_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_24_p8_384_dist_Opset16_timm/turnkey_stats.yaml new file mode 100644 index 000000000..7ae33cf13 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p8_384_dist_Opset16_timm/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.791871309280396 + set_success: 0.03168606758117676 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_24_p8_384_dist_timm_97f8ac16/onnx/xcit_tiny_24_p8_384_dist_timm_97f8ac16-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_24_p8_384_dist.py +class: Xcit +hash: 11a17268 +model_name: xcit_tiny_24_p8_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 47741.4375 +onnx_ops_counter: + Abs: 48 + Add: 391 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 795 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 183 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + MatMul: 158 + Mul: 288 + Pow: 173 + ReduceMean: 154 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 83 + Squeeze: 72 + Sub: 77 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 12107128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_24_p8_384_dist_Opset16_timm/xcit_tiny_24_p8_384_dist_Opset16.onnx b/Computer_Vision/xcit_tiny_24_p8_384_dist_Opset16_timm/xcit_tiny_24_p8_384_dist_Opset16.onnx new file mode 100644 index 000000000..ea544ffb4 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p8_384_dist_Opset16_timm/xcit_tiny_24_p8_384_dist_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f875d5ba80e0bb7b7ec11a201ba3f80661c92bef6ed46aa5325ef8c8385d89 +size 48887199 diff --git a/Computer_Vision/xcit_tiny_24_p8_384_dist_Opset17_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_24_p8_384_dist_Opset17_timm/turnkey_stats.yaml new file mode 100644 index 000000000..04d114300 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p8_384_dist_Opset17_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.524662971496582 + set_success: 0.04001569747924805 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_24_p8_384_dist_timm_97f8ac16/onnx/xcit_tiny_24_p8_384_dist_timm_97f8ac16-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_24_p8_384_dist.py +class: Xcit +hash: 11a17268 +model_name: xcit_tiny_24_p8_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 47661.1455 +onnx_ops_counter: + Abs: 48 + Add: 237 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 641 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 106 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 211 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 12107128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_24_p8_384_dist_Opset17_timm/xcit_tiny_24_p8_384_dist_Opset17.onnx b/Computer_Vision/xcit_tiny_24_p8_384_dist_Opset17_timm/xcit_tiny_24_p8_384_dist_Opset17.onnx new file mode 100644 index 000000000..2d6c8b0eb --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p8_384_dist_Opset17_timm/xcit_tiny_24_p8_384_dist_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df0789446cb38cde48255d3e17fc47744bd5dc8ba6266a4efc07299922b9b591 +size 48804980 diff --git a/Computer_Vision/xcit_tiny_24_p8_384_dist_Opset18_timm/turnkey_stats.yaml b/Computer_Vision/xcit_tiny_24_p8_384_dist_Opset18_timm/turnkey_stats.yaml new file mode 100644 index 000000000..2e77f095a --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p8_384_dist_Opset18_timm/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: timm +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.920793294906616 + set_success: 0.054862260818481445 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xcit_tiny_24_p8_384_dist_timm_97f8ac16/onnx/xcit_tiny_24_p8_384_dist_timm_97f8ac16-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/timm/xcit_tiny_24_p8_384_dist.py +class: Xcit +hash: 11a17268 +model_name: xcit_tiny_24_p8_384_dist +onnx_input_dimensions: + x: + - 1 + - 3 + - 384 + - 384 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 47661.1455 +onnx_ops_counter: + Abs: 48 + Add: 237 + BatchNormalization: 24 + Cast: 2 + Clip: 48 + Concat: 11 + Constant: 641 + ConstantOfShape: 4 + Conv: 52 + Cos: 2 + Div: 106 + Equal: 1 + Erf: 52 + Expand: 52 + Gather: 3 + Gemm: 3 + Identity: 3 + LayerNormalization: 77 + MatMul: 158 + Mul: 211 + Pow: 96 + ReduceSum: 48 + Reshape: 108 + Shape: 53 + Sin: 2 + Slice: 17 + Softmax: 26 + Split: 24 + Sqrt: 6 + Squeeze: 72 + Tile: 3 + Transpose: 131 + Unsqueeze: 8 + Where: 1 +parameters: 12107128 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Computer_Vision diff --git a/Computer_Vision/xcit_tiny_24_p8_384_dist_Opset18_timm/xcit_tiny_24_p8_384_dist_Opset18.onnx b/Computer_Vision/xcit_tiny_24_p8_384_dist_Opset18_timm/xcit_tiny_24_p8_384_dist_Opset18.onnx new file mode 100644 index 000000000..cb76452e2 --- /dev/null +++ b/Computer_Vision/xcit_tiny_24_p8_384_dist_Opset18_timm/xcit_tiny_24_p8_384_dist_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3763896c59d361e997a55c5d1add8c9312bd0d4acbb16724afe4cf5cf5b9b635 +size 48804980 diff --git a/Generative_AI/biogpt_Opset16_transformers/biogpt_Opset16.onnx b/Generative_AI/biogpt_Opset16_transformers/biogpt_Opset16.onnx new file mode 100644 index 000000000..d3ee4701b --- /dev/null +++ b/Generative_AI/biogpt_Opset16_transformers/biogpt_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9cfd9b3a5ff453edd13381ef4876b429b290f745c7d439fe42c364315ceaacda +size 1387410723 diff --git a/Generative_AI/biogpt_Opset16_transformers/turnkey_stats.yaml b/Generative_AI/biogpt_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..59c963406 --- /dev/null +++ b/Generative_AI/biogpt_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 21.00065565109253 + set_success: 0.02960205078125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/biogpt_transformers_c387c287/onnx/biogpt_transformers_c387c287-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/biogpt.py +class: BioGptModel +hash: 7605101c +model_name: biogpt +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1354893.3164 +onnx_ops_counter: + Add: 341 + Cast: 6 + Constant: 449 + ConstantOfShape: 2 + CumSum: 1 + Div: 73 + Equal: 2 + Erf: 24 + Expand: 2 + Gather: 2 + MatMul: 192 + Mul: 125 + Pow: 49 + ReduceMean: 98 + Reshape: 240 + Softmax: 24 + Sqrt: 49 + Sub: 51 + Transpose: 120 + Unsqueeze: 2 + Where: 3 +parameters: 346763264 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/biogpt_Opset17_transformers/biogpt_Opset17.onnx b/Generative_AI/biogpt_Opset17_transformers/biogpt_Opset17.onnx new file mode 100644 index 000000000..016df53fc --- /dev/null +++ b/Generative_AI/biogpt_Opset17_transformers/biogpt_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cbd54b6d0fe854086d1f94a969f4eb36de1ee9afd1ae4b7770f456b7849a5d31 +size 1387339904 diff --git a/Generative_AI/biogpt_Opset17_transformers/turnkey_stats.yaml b/Generative_AI/biogpt_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..2eab9c427 --- /dev/null +++ b/Generative_AI/biogpt_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 20.67297339439392 + set_success: 0.03384995460510254 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/biogpt_transformers_c387c287/onnx/biogpt_transformers_c387c287-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/biogpt.py +class: BioGptModel +hash: 7605101c +model_name: biogpt +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1354824.1572 +onnx_ops_counter: + Add: 243 + Cast: 6 + Constant: 351 + ConstantOfShape: 2 + CumSum: 1 + Div: 24 + Equal: 2 + Erf: 24 + Expand: 2 + Gather: 2 + LayerNormalization: 49 + MatMul: 192 + Mul: 76 + Reshape: 240 + Softmax: 24 + Sub: 2 + Transpose: 120 + Unsqueeze: 2 + Where: 3 +parameters: 346763264 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/biogpt_Opset18_transformers/biogpt_Opset18.onnx b/Generative_AI/biogpt_Opset18_transformers/biogpt_Opset18.onnx new file mode 100644 index 000000000..86e6ca5a5 --- /dev/null +++ b/Generative_AI/biogpt_Opset18_transformers/biogpt_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85b244b26f95bd00f82137fcc9b28a0a876c7c194184496341bc319760bd0943 +size 1387339904 diff --git a/Generative_AI/biogpt_Opset18_transformers/turnkey_stats.yaml b/Generative_AI/biogpt_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..844b3c521 --- /dev/null +++ b/Generative_AI/biogpt_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 20.695011854171753 + set_success: 0.03860163688659668 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/biogpt_transformers_c387c287/onnx/biogpt_transformers_c387c287-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/biogpt.py +class: BioGptModel +hash: 7605101c +model_name: biogpt +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1354824.1572 +onnx_ops_counter: + Add: 243 + Cast: 6 + Constant: 351 + ConstantOfShape: 2 + CumSum: 1 + Div: 24 + Equal: 2 + Erf: 24 + Expand: 2 + Gather: 2 + LayerNormalization: 49 + MatMul: 192 + Mul: 76 + Reshape: 240 + Softmax: 24 + Sub: 2 + Transpose: 120 + Unsqueeze: 2 + Where: 3 +parameters: 346763264 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/gpt2_Opset16_transformers/gpt2_Opset16.onnx b/Generative_AI/gpt2_Opset16_transformers/gpt2_Opset16.onnx new file mode 100644 index 000000000..c918a22a6 --- /dev/null +++ b/Generative_AI/gpt2_Opset16_transformers/gpt2_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1038c0a27c5b4d9b558f37d25789c026b24fe07407e04648c612709f723f4d76 +size 498084138 diff --git a/Generative_AI/gpt2_Opset16_transformers/turnkey_stats.yaml b/Generative_AI/gpt2_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..82c241d80 --- /dev/null +++ b/Generative_AI/gpt2_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.450402021408081 + set_success: 1.1087114810943604 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gpt2_transformers_1a8cdc29/onnx/gpt2_transformers_1a8cdc29-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/gpt2.py +class: GPT2Model +hash: 6505e34a +model_name: gpt2 +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 486410.3232 +onnx_ops_counter: + Add: 123 + Cast: 25 + Constant: 323 + ConstantOfShape: 12 + Div: 37 + Gather: 2 + Gemm: 48 + MatMul: 24 + Mul: 74 + Pow: 49 + ReduceMean: 50 + Reshape: 147 + Softmax: 12 + Split: 12 + Sqrt: 25 + Sub: 26 + Tanh: 12 + Transpose: 60 + Unsqueeze: 2 + Where: 12 +parameters: 124439808 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/gpt2_Opset17_transformers/gpt2_Opset17.onnx b/Generative_AI/gpt2_Opset17_transformers/gpt2_Opset17.onnx new file mode 100644 index 000000000..fd2caa742 --- /dev/null +++ b/Generative_AI/gpt2_Opset17_transformers/gpt2_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cca627b7cecc28e27622adcf17f525564136c03816d9449ad4e624bee9cb5a3d +size 498062939 diff --git a/Generative_AI/gpt2_Opset17_transformers/turnkey_stats.yaml b/Generative_AI/gpt2_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..0894c6769 --- /dev/null +++ b/Generative_AI/gpt2_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.766126871109009 + set_success: 0.019896268844604492 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gpt2_transformers_1a8cdc29/onnx/gpt2_transformers_1a8cdc29-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/gpt2.py +class: GPT2Model +hash: 6505e34a +model_name: gpt2 +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 486389.6211 +onnx_ops_counter: + Add: 73 + Cast: 25 + Constant: 273 + ConstantOfShape: 12 + Div: 12 + Gather: 2 + Gemm: 48 + LayerNormalization: 25 + MatMul: 24 + Mul: 49 + Pow: 24 + Reshape: 147 + Softmax: 12 + Split: 12 + Sub: 1 + Tanh: 12 + Transpose: 60 + Unsqueeze: 2 + Where: 12 +parameters: 124439808 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/gpt2_Opset18_transformers/gpt2_Opset18.onnx b/Generative_AI/gpt2_Opset18_transformers/gpt2_Opset18.onnx new file mode 100644 index 000000000..efab596dc --- /dev/null +++ b/Generative_AI/gpt2_Opset18_transformers/gpt2_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5dfb948cfd2479c917a0ccd48918131f8a1739f700fc6839ff807d6a3e7533ad +size 498062939 diff --git a/Generative_AI/gpt2_Opset18_transformers/turnkey_stats.yaml b/Generative_AI/gpt2_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..6e9b7bc82 --- /dev/null +++ b/Generative_AI/gpt2_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.711880922317505 + set_success: 0.8574824333190918 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gpt2_transformers_1a8cdc29/onnx/gpt2_transformers_1a8cdc29-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/gpt2.py +class: GPT2Model +hash: 6505e34a +model_name: gpt2 +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 486389.6211 +onnx_ops_counter: + Add: 73 + Cast: 25 + Constant: 273 + ConstantOfShape: 12 + Div: 12 + Gather: 2 + Gemm: 48 + LayerNormalization: 25 + MatMul: 24 + Mul: 49 + Pow: 24 + Reshape: 147 + Softmax: 12 + Split: 12 + Sub: 1 + Tanh: 12 + Transpose: 60 + Unsqueeze: 2 + Where: 12 +parameters: 124439808 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/gpt2doubleheads_Opset16_transformers/gpt2doubleheads_Opset16.onnx b/Generative_AI/gpt2doubleheads_Opset16_transformers/gpt2doubleheads_Opset16.onnx new file mode 100644 index 000000000..95cfffb86 --- /dev/null +++ b/Generative_AI/gpt2doubleheads_Opset16_transformers/gpt2doubleheads_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd169c7146e3fe6d0973aa57992ada32166acc3c4c6fd31be40f6a8271e119df +size 652528366 diff --git a/Generative_AI/gpt2doubleheads_Opset16_transformers/turnkey_stats.yaml b/Generative_AI/gpt2doubleheads_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..e14dae251 --- /dev/null +++ b/Generative_AI/gpt2doubleheads_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.248624324798584 + set_success: 0.024242877960205078 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gpt2doubleheads_transformers_656cd063/onnx/gpt2doubleheads_transformers_656cd063-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/gpt2doubleheads.py +class: GPT2DoubleHeadsModel +hash: c6575c62 +model_name: gpt2doubleheads +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 637234.7646 +onnx_ops_counter: + Add: 123 + Cast: 25 + Constant: 326 + ConstantOfShape: 12 + Div: 37 + Gather: 2 + GatherElements: 1 + Gemm: 49 + MatMul: 25 + Mul: 74 + Pow: 49 + ReduceMean: 50 + Reshape: 147 + Softmax: 12 + Split: 12 + Sqrt: 25 + Squeeze: 2 + Sub: 26 + Tanh: 12 + Transpose: 60 + Unsqueeze: 2 + Where: 12 +parameters: 163037953 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/gpt2doubleheads_Opset17_transformers/gpt2doubleheads_Opset17.onnx b/Generative_AI/gpt2doubleheads_Opset17_transformers/gpt2doubleheads_Opset17.onnx new file mode 100644 index 000000000..37b585b55 --- /dev/null +++ b/Generative_AI/gpt2doubleheads_Opset17_transformers/gpt2doubleheads_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b12d501afca4ba0bf705c8e5a51f3890ed2a6556262d17ce1aa0a1e46a153332 +size 652497370 diff --git a/Generative_AI/gpt2doubleheads_Opset17_transformers/turnkey_stats.yaml b/Generative_AI/gpt2doubleheads_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..2341b46f3 --- /dev/null +++ b/Generative_AI/gpt2doubleheads_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.131985664367676 + set_success: 0.02437305450439453 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gpt2doubleheads_transformers_656cd063/onnx/gpt2doubleheads_transformers_656cd063-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/gpt2doubleheads.py +class: GPT2DoubleHeadsModel +hash: c6575c62 +model_name: gpt2doubleheads +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 637204.4951 +onnx_ops_counter: + Add: 73 + Cast: 25 + Constant: 276 + ConstantOfShape: 12 + Div: 12 + Gather: 2 + GatherElements: 1 + Gemm: 49 + LayerNormalization: 25 + MatMul: 25 + Mul: 49 + Pow: 24 + Reshape: 147 + Softmax: 12 + Split: 12 + Squeeze: 2 + Sub: 1 + Tanh: 12 + Transpose: 60 + Unsqueeze: 2 + Where: 12 +parameters: 163037953 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/gpt2doubleheads_Opset18_transformers/gpt2doubleheads_Opset18.onnx b/Generative_AI/gpt2doubleheads_Opset18_transformers/gpt2doubleheads_Opset18.onnx new file mode 100644 index 000000000..4dfab44c7 --- /dev/null +++ b/Generative_AI/gpt2doubleheads_Opset18_transformers/gpt2doubleheads_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:14bee2da20532ce82e6e3a944bc7f3e09be6fd0ba5a7f0592bfecff798399e9a +size 652497370 diff --git a/Generative_AI/gpt2doubleheads_Opset18_transformers/turnkey_stats.yaml b/Generative_AI/gpt2doubleheads_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..50e9a17f5 --- /dev/null +++ b/Generative_AI/gpt2doubleheads_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.913628339767456 + set_success: 0.02401876449584961 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gpt2doubleheads_transformers_656cd063/onnx/gpt2doubleheads_transformers_656cd063-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/gpt2doubleheads.py +class: GPT2DoubleHeadsModel +hash: c6575c62 +model_name: gpt2doubleheads +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 637204.4951 +onnx_ops_counter: + Add: 73 + Cast: 25 + Constant: 276 + ConstantOfShape: 12 + Div: 12 + Gather: 2 + GatherElements: 1 + Gemm: 49 + LayerNormalization: 25 + MatMul: 25 + Mul: 49 + Pow: 24 + Reshape: 147 + Softmax: 12 + Split: 12 + Squeeze: 2 + Sub: 1 + Tanh: 12 + Transpose: 60 + Unsqueeze: 2 + Where: 12 +parameters: 163037953 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/gpt2lmhead_Opset16_transformers/gpt2lmhead_Opset16.onnx b/Generative_AI/gpt2lmhead_Opset16_transformers/gpt2lmhead_Opset16.onnx new file mode 100644 index 000000000..953fdbc4f --- /dev/null +++ b/Generative_AI/gpt2lmhead_Opset16_transformers/gpt2lmhead_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:013f0a5b9143fd47afbdfff299b0616f1a46d5a684bbb97b91bd9d055af8c3b4 +size 652518016 diff --git a/Generative_AI/gpt2lmhead_Opset16_transformers/turnkey_stats.yaml b/Generative_AI/gpt2lmhead_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..cedb0fd85 --- /dev/null +++ b/Generative_AI/gpt2lmhead_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.209150075912476 + set_success: 0.020772218704223633 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gpt2lmhead_transformers_43de7288/onnx/gpt2lmhead_transformers_43de7288-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/gpt2lmhead.py +class: GPT2LMHeadModel +hash: 3ce65e43 +model_name: gpt2lmhead +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 637224.6572 +onnx_ops_counter: + Add: 123 + Cast: 25 + Constant: 323 + ConstantOfShape: 12 + Div: 37 + Gather: 2 + Gemm: 48 + MatMul: 25 + Mul: 74 + Pow: 49 + ReduceMean: 50 + Reshape: 147 + Softmax: 12 + Split: 12 + Sqrt: 25 + Sub: 26 + Tanh: 12 + Transpose: 60 + Unsqueeze: 2 + Where: 12 +parameters: 163037184 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/gpt2lmhead_Opset17_transformers/gpt2lmhead_Opset17.onnx b/Generative_AI/gpt2lmhead_Opset17_transformers/gpt2lmhead_Opset17.onnx new file mode 100644 index 000000000..52a18ad9a --- /dev/null +++ b/Generative_AI/gpt2lmhead_Opset17_transformers/gpt2lmhead_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a192602a34a15ba6d6683c785d55cac8e9aa51f83e65141d6191a400c1ec143 +size 652487020 diff --git a/Generative_AI/gpt2lmhead_Opset17_transformers/turnkey_stats.yaml b/Generative_AI/gpt2lmhead_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..66fee3d80 --- /dev/null +++ b/Generative_AI/gpt2lmhead_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.367931127548218 + set_success: 0.020648956298828125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gpt2lmhead_transformers_43de7288/onnx/gpt2lmhead_transformers_43de7288-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/gpt2lmhead.py +class: GPT2LMHeadModel +hash: 3ce65e43 +model_name: gpt2lmhead +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 637194.3877 +onnx_ops_counter: + Add: 73 + Cast: 25 + Constant: 273 + ConstantOfShape: 12 + Div: 12 + Gather: 2 + Gemm: 48 + LayerNormalization: 25 + MatMul: 25 + Mul: 49 + Pow: 24 + Reshape: 147 + Softmax: 12 + Split: 12 + Sub: 1 + Tanh: 12 + Transpose: 60 + Unsqueeze: 2 + Where: 12 +parameters: 163037184 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/gpt2lmhead_Opset18_transformers/gpt2lmhead_Opset18.onnx b/Generative_AI/gpt2lmhead_Opset18_transformers/gpt2lmhead_Opset18.onnx new file mode 100644 index 000000000..189bb0fd7 --- /dev/null +++ b/Generative_AI/gpt2lmhead_Opset18_transformers/gpt2lmhead_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76d7c58fa759f079f162f17bda384f4213e662f9069e649886edefac1b89f0b2 +size 652487020 diff --git a/Generative_AI/gpt2lmhead_Opset18_transformers/turnkey_stats.yaml b/Generative_AI/gpt2lmhead_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..f6a45e3af --- /dev/null +++ b/Generative_AI/gpt2lmhead_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.844845294952393 + set_success: 0.023509740829467773 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gpt2lmhead_transformers_43de7288/onnx/gpt2lmhead_transformers_43de7288-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/gpt2lmhead.py +class: GPT2LMHeadModel +hash: 3ce65e43 +model_name: gpt2lmhead +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 637194.3877 +onnx_ops_counter: + Add: 73 + Cast: 25 + Constant: 273 + ConstantOfShape: 12 + Div: 12 + Gather: 2 + Gemm: 48 + LayerNormalization: 25 + MatMul: 25 + Mul: 49 + Pow: 24 + Reshape: 147 + Softmax: 12 + Split: 12 + Sub: 1 + Tanh: 12 + Transpose: 60 + Unsqueeze: 2 + Where: 12 +parameters: 163037184 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/gptbigcode_Opset16_transformers/gptbigcode_Opset16.zip b/Generative_AI/gptbigcode_Opset16_transformers/gptbigcode_Opset16.zip new file mode 100644 index 000000000..0712f36ec --- /dev/null +++ b/Generative_AI/gptbigcode_Opset16_transformers/gptbigcode_Opset16.zip @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea40254618a9c16dc856e869af4beeea1f6f0238f02574b3a9683aad27f5b420 +size 4524986460 diff --git a/Generative_AI/gptbigcode_Opset16_transformers/turnkey_stats.yaml b/Generative_AI/gptbigcode_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..3b87835cd --- /dev/null +++ b/Generative_AI/gptbigcode_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 25.622535705566406 + set_success: 0.03479790687561035 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gptbigcode_transformers_b6f84510/onnx/gptbigcode_transformers_b6f84510-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/gptbigcode.py +class: GPTBigCodeModel +hash: a94462d8 +model_name: gptbigcode +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): null +onnx_ops_counter: + Add: 315 + And: 1 + Cast: 3 + Constant: 350 + CumSum: 1 + Div: 49 + Equal: 1 + Gather: 2 + MatMul: 144 + Mul: 217 + Pow: 49 + ReduceMean: 98 + Reshape: 99 + Softmax: 24 + Split: 48 + Sqrt: 49 + Sub: 50 + Tanh: 24 + Transpose: 24 + Unsqueeze: 1 + Where: 25 +parameters: 1124886528 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/gptbigcode_Opset17_transformers/gptbigcode_Opset17.zip b/Generative_AI/gptbigcode_Opset17_transformers/gptbigcode_Opset17.zip new file mode 100644 index 000000000..68078640b --- /dev/null +++ b/Generative_AI/gptbigcode_Opset17_transformers/gptbigcode_Opset17.zip @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61d5f1b9f8348ccea3bd428a4e1cf637eaac0d3d37029a133dfc0d12dd6d83ee +size 4524941065 diff --git a/Generative_AI/gptbigcode_Opset17_transformers/turnkey_stats.yaml b/Generative_AI/gptbigcode_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..546d4e4d7 --- /dev/null +++ b/Generative_AI/gptbigcode_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 38.11938786506653 + set_success: 0.03630566596984863 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gptbigcode_transformers_b6f84510/onnx/gptbigcode_transformers_b6f84510-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/gptbigcode.py +class: GPTBigCodeModel +hash: a94462d8 +model_name: gptbigcode +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): null +onnx_ops_counter: + Add: 217 + And: 1 + Cast: 3 + Constant: 252 + CumSum: 1 + Equal: 1 + Gather: 2 + LayerNormalization: 49 + MatMul: 144 + Mul: 168 + Reshape: 99 + Softmax: 24 + Split: 48 + Sub: 1 + Tanh: 24 + Transpose: 24 + Unsqueeze: 1 + Where: 25 +parameters: 1124886528 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/gptbigcode_Opset18_transformers/gptbigcode_Opset18.zip b/Generative_AI/gptbigcode_Opset18_transformers/gptbigcode_Opset18.zip new file mode 100644 index 000000000..65f2e1fd6 --- /dev/null +++ b/Generative_AI/gptbigcode_Opset18_transformers/gptbigcode_Opset18.zip @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd8a0ac574771fa20fd730d8fb1ed974ed821d05f2aabd187275286222c10398 +size 4524941077 diff --git a/Generative_AI/gptbigcode_Opset18_transformers/turnkey_stats.yaml b/Generative_AI/gptbigcode_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..aa96659ab --- /dev/null +++ b/Generative_AI/gptbigcode_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 26.679015636444092 + set_success: 0.02923893928527832 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gptbigcode_transformers_b6f84510/onnx/gptbigcode_transformers_b6f84510-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/gptbigcode.py +class: GPTBigCodeModel +hash: a94462d8 +model_name: gptbigcode +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): null +onnx_ops_counter: + Add: 217 + And: 1 + Cast: 3 + Constant: 252 + CumSum: 1 + Equal: 1 + Gather: 2 + LayerNormalization: 49 + MatMul: 144 + Mul: 168 + Reshape: 99 + Softmax: 24 + Split: 48 + Sub: 1 + Tanh: 24 + Transpose: 24 + Unsqueeze: 1 + Where: 25 +parameters: 1124886528 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/gptj_Opset16_transformers/gptj_Opset16.onnx b/Generative_AI/gptj_Opset16_transformers/gptj_Opset16.onnx new file mode 100644 index 000000000..c5c1e7db9 --- /dev/null +++ b/Generative_AI/gptj_Opset16_transformers/gptj_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b5004afc3517c62a114dd60fca0d3755f70332288d54d605b5e2c763a67c071 +size 550548 diff --git a/Generative_AI/gptj_Opset16_transformers/turnkey_stats.yaml b/Generative_AI/gptj_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..4fa85cfc6 --- /dev/null +++ b/Generative_AI/gptj_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.304398775100708 + set_success: 0.016916751861572266 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gptj_transformers_41e16dce/onnx/gptj_transformers_41e16dce-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/gptj.py +class: GPTJModel +hash: 33025b38 +model_name: gptj +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 537.6768 +onnx_ops_counter: + Add: 57 + Cast: 21 + Concat: 32 + Constant: 316 + ConstantOfShape: 2 + Div: 11 + Expand: 2 + Gather: 1 + GatherElements: 1 + Identity: 19 + MatMul: 40 + Mul: 47 + Neg: 10 + Pow: 11 + ReduceMean: 12 + Reshape: 35 + Shape: 12 + Slice: 52 + Softmax: 5 + Split: 1 + Sqrt: 6 + Sub: 7 + Tanh: 5 + Tile: 4 + Transpose: 25 + Unsqueeze: 26 + Where: 5 +parameters: 94624 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/gptj_Opset17_transformers/gptj_Opset17.onnx b/Generative_AI/gptj_Opset17_transformers/gptj_Opset17.onnx new file mode 100644 index 000000000..024fee00a --- /dev/null +++ b/Generative_AI/gptj_Opset17_transformers/gptj_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f9fcfbd1735fce8bc868d67c725c6cd52e5e2d3da5d6d0fede71583ccc6a386 +size 545772 diff --git a/Generative_AI/gptj_Opset17_transformers/turnkey_stats.yaml b/Generative_AI/gptj_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..01f5a640b --- /dev/null +++ b/Generative_AI/gptj_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.2445049285888672 + set_success: 0.01673102378845215 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gptj_transformers_41e16dce/onnx/gptj_transformers_41e16dce-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/gptj.py +class: GPTJModel +hash: 33025b38 +model_name: gptj +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 533.0127 +onnx_ops_counter: + Add: 45 + Cast: 21 + Concat: 32 + Constant: 304 + ConstantOfShape: 2 + Div: 5 + Expand: 2 + Gather: 1 + GatherElements: 1 + Identity: 19 + LayerNormalization: 6 + MatMul: 40 + Mul: 41 + Neg: 10 + Pow: 5 + Reshape: 35 + Shape: 12 + Slice: 52 + Softmax: 5 + Split: 1 + Sub: 1 + Tanh: 5 + Tile: 4 + Transpose: 25 + Unsqueeze: 26 + Where: 5 +parameters: 94624 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/gptj_Opset18_transformers/gptj_Opset18.onnx b/Generative_AI/gptj_Opset18_transformers/gptj_Opset18.onnx new file mode 100644 index 000000000..a376a502d --- /dev/null +++ b/Generative_AI/gptj_Opset18_transformers/gptj_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b68bbec02405878fbdc3f531591640c567412cb14c6e84002d87305516bf5669 +size 545772 diff --git a/Generative_AI/gptj_Opset18_transformers/turnkey_stats.yaml b/Generative_AI/gptj_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..6aa670083 --- /dev/null +++ b/Generative_AI/gptj_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0464417934417725 + set_success: 0.016786575317382812 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gptj_transformers_41e16dce/onnx/gptj_transformers_41e16dce-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/gptj.py +class: GPTJModel +hash: 33025b38 +model_name: gptj +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 533.0127 +onnx_ops_counter: + Add: 45 + Cast: 21 + Concat: 32 + Constant: 304 + ConstantOfShape: 2 + Div: 5 + Expand: 2 + Gather: 1 + GatherElements: 1 + Identity: 19 + LayerNormalization: 6 + MatMul: 40 + Mul: 41 + Neg: 10 + Pow: 5 + Reshape: 35 + Shape: 12 + Slice: 52 + Softmax: 5 + Split: 1 + Sub: 1 + Tanh: 5 + Tile: 4 + Transpose: 25 + Unsqueeze: 26 + Where: 5 +parameters: 94624 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/gptneox_Opset16_transformers/gptneox_Opset16.onnx b/Generative_AI/gptneox_Opset16_transformers/gptneox_Opset16.onnx new file mode 100644 index 000000000..614343d53 --- /dev/null +++ b/Generative_AI/gptneox_Opset16_transformers/gptneox_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62a849a2f6bd55ad10f2019b4299e67d301d95ea3958c2574370d1dcb619de23 +size 1776372 diff --git a/Generative_AI/gptneox_Opset16_transformers/turnkey_stats.yaml b/Generative_AI/gptneox_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..29b567cff --- /dev/null +++ b/Generative_AI/gptneox_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1837263107299805 + set_success: 0.01702404022216797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gptneox_transformers_c18d0efb/onnx/gptneox_transformers_c18d0efb-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/gptneox.py +class: GPTNeoXModel +hash: 959d4e77 +model_name: gptneox +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1734.7705 +onnx_ops_counter: + Add: 77 + Cast: 6 + Concat: 20 + Constant: 324 + Div: 16 + Erf: 5 + Gather: 11 + Identity: 38 + MatMul: 30 + Mul: 47 + Neg: 10 + Pow: 11 + ReduceMean: 22 + Reshape: 26 + Slice: 55 + Softmax: 5 + Sqrt: 11 + Sub: 12 + Transpose: 25 + Unsqueeze: 12 + Where: 5 +parameters: 66777 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/gptneox_Opset17_transformers/gptneox_Opset17.onnx b/Generative_AI/gptneox_Opset17_transformers/gptneox_Opset17.onnx new file mode 100644 index 000000000..d969db24a --- /dev/null +++ b/Generative_AI/gptneox_Opset17_transformers/gptneox_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34d6dc983c0d7991cff6f54bd831890a3b582af49acf064b57eb824ef4970d8c +size 1760248 diff --git a/Generative_AI/gptneox_Opset17_transformers/turnkey_stats.yaml b/Generative_AI/gptneox_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..7cc18716a --- /dev/null +++ b/Generative_AI/gptneox_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.119642972946167 + set_success: 0.015897512435913086 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gptneox_transformers_c18d0efb/onnx/gptneox_transformers_c18d0efb-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/gptneox.py +class: GPTNeoXModel +hash: 959d4e77 +model_name: gptneox +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1719.0244 +onnx_ops_counter: + Add: 55 + Cast: 6 + Concat: 20 + Constant: 302 + Div: 5 + Erf: 5 + Gather: 11 + Identity: 38 + LayerNormalization: 11 + MatMul: 30 + Mul: 36 + Neg: 10 + Reshape: 26 + Slice: 55 + Softmax: 5 + Sub: 1 + Transpose: 25 + Unsqueeze: 12 + Where: 5 +parameters: 66777 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/gptneox_Opset18_transformers/gptneox_Opset18.onnx b/Generative_AI/gptneox_Opset18_transformers/gptneox_Opset18.onnx new file mode 100644 index 000000000..dd3bdbd0b --- /dev/null +++ b/Generative_AI/gptneox_Opset18_transformers/gptneox_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c826c1ea5960dea0b7c50b921926a42043a05662b8fd219e68b20b7e89af894 +size 1760248 diff --git a/Generative_AI/gptneox_Opset18_transformers/turnkey_stats.yaml b/Generative_AI/gptneox_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..4ae477ff0 --- /dev/null +++ b/Generative_AI/gptneox_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.1625993251800537 + set_success: 0.016698360443115234 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/gptneox_transformers_c18d0efb/onnx/gptneox_transformers_c18d0efb-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/gptneox.py +class: GPTNeoXModel +hash: 959d4e77 +model_name: gptneox +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1719.0244 +onnx_ops_counter: + Add: 55 + Cast: 6 + Concat: 20 + Constant: 302 + Div: 5 + Erf: 5 + Gather: 11 + Identity: 38 + LayerNormalization: 11 + MatMul: 30 + Mul: 36 + Neg: 10 + Reshape: 26 + Slice: 55 + Softmax: 5 + Sub: 1 + Transpose: 25 + Unsqueeze: 12 + Where: 5 +parameters: 66777 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/openaigpt_Opset16_transformers/openaigpt_Opset16.onnx b/Generative_AI/openaigpt_Opset16_transformers/openaigpt_Opset16.onnx new file mode 100644 index 000000000..f38792bc3 --- /dev/null +++ b/Generative_AI/openaigpt_Opset16_transformers/openaigpt_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:529fdc9d9247dc61fd37fdda585d158c8929a00fdb7af2344dd14402a0d55b5f +size 467831670 diff --git a/Generative_AI/openaigpt_Opset16_transformers/turnkey_stats.yaml b/Generative_AI/openaigpt_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..07e7dc742 --- /dev/null +++ b/Generative_AI/openaigpt_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.178368091583252 + set_success: 0.018903493881225586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/openaigpt_transformers_c14dd5ef/onnx/openaigpt_transformers_c14dd5ef-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/openaigpt.py +class: OpenAIGPTModel +hash: 3b28aa03 +model_name: openaigpt +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 456866.8975 +onnx_ops_counter: + Add: 121 + Cast: 1 + Constant: 307 + Div: 36 + Gather: 2 + Gemm: 48 + MatMul: 24 + Mul: 85 + Pow: 36 + ReduceMean: 48 + Reshape: 146 + Softmax: 12 + Split: 12 + Sqrt: 24 + Sub: 25 + Tanh: 12 + Transpose: 48 + Unsqueeze: 2 +parameters: 116534784 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/openaigpt_Opset17_transformers/openaigpt_Opset17.onnx b/Generative_AI/openaigpt_Opset17_transformers/openaigpt_Opset17.onnx new file mode 100644 index 000000000..25d553bc0 --- /dev/null +++ b/Generative_AI/openaigpt_Opset17_transformers/openaigpt_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3cdb90f99b0e8eedb8c5c207516674d29ab5ccd37ce01c826d66ce9f2e181b3 +size 467811489 diff --git a/Generative_AI/openaigpt_Opset17_transformers/turnkey_stats.yaml b/Generative_AI/openaigpt_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..60e1146ef --- /dev/null +++ b/Generative_AI/openaigpt_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,211 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.757470607757568 + set_success: 0.6172325611114502 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/openaigpt_transformers_c14dd5ef/onnx/openaigpt_transformers_c14dd5ef-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/openaigpt.py +class: OpenAIGPTModel +hash: 3b28aa03 +model_name: openaigpt +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 456847.1895 +onnx_ops_counter: + Add: 73 + Cast: 1 + Constant: 259 + Div: 12 + Gather: 2 + Gemm: 48 + LayerNormalization: 24 + MatMul: 24 + Mul: 61 + Pow: 12 + Reshape: 146 + Softmax: 12 + Split: 12 + Sub: 1 + Tanh: 12 + Transpose: 48 + Unsqueeze: 2 +parameters: 116534784 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/openaigpt_Opset18_transformers/openaigpt_Opset18.onnx b/Generative_AI/openaigpt_Opset18_transformers/openaigpt_Opset18.onnx new file mode 100644 index 000000000..665d3fb16 --- /dev/null +++ b/Generative_AI/openaigpt_Opset18_transformers/openaigpt_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:393da68d7f9b937e621596be7aa5032635018fb98c17613506a3b4cf20e5cf44 +size 467811489 diff --git a/Generative_AI/openaigpt_Opset18_transformers/turnkey_stats.yaml b/Generative_AI/openaigpt_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..948ca2e09 --- /dev/null +++ b/Generative_AI/openaigpt_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,211 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.849241495132446 + set_success: 0.018597126007080078 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/openaigpt_transformers_c14dd5ef/onnx/openaigpt_transformers_c14dd5ef-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/openaigpt.py +class: OpenAIGPTModel +hash: 3b28aa03 +model_name: openaigpt +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 456847.1895 +onnx_ops_counter: + Add: 73 + Cast: 1 + Constant: 259 + Div: 12 + Gather: 2 + Gemm: 48 + LayerNormalization: 24 + MatMul: 24 + Mul: 61 + Pow: 12 + Reshape: 146 + Softmax: 12 + Split: 12 + Sub: 1 + Tanh: 12 + Transpose: 48 + Unsqueeze: 2 +parameters: 116534784 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/openaigptdoubleheads_Opset16_transformers/openaigptdoubleheads_Opset16.onnx b/Generative_AI/openaigptdoubleheads_Opset16_transformers/openaigptdoubleheads_Opset16.onnx new file mode 100644 index 000000000..971e0d93d --- /dev/null +++ b/Generative_AI/openaigptdoubleheads_Opset16_transformers/openaigptdoubleheads_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c1602784903f39002c036cc2b0d89de5de3ba4bc0b9544ea0ad393e7ed63dfa +size 592232104 diff --git a/Generative_AI/openaigptdoubleheads_Opset16_transformers/turnkey_stats.yaml b/Generative_AI/openaigptdoubleheads_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..d28bf3dcb --- /dev/null +++ b/Generative_AI/openaigptdoubleheads_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.960481643676758 + set_success: 0.02054286003112793 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/openaigptdoubleheads_transformers_811f9e03/onnx/openaigptdoubleheads_transformers_811f9e03-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/openaigptdoubleheads.py +class: OpenAIGPTDoubleHeadsModel +hash: a7e8e666 +model_name: openaigptdoubleheads +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 578351.6963 +onnx_ops_counter: + Add: 121 + Cast: 1 + Constant: 310 + Div: 36 + Gather: 2 + GatherElements: 1 + Gemm: 49 + MatMul: 25 + Mul: 85 + Pow: 36 + ReduceMean: 48 + Reshape: 146 + Softmax: 12 + Split: 12 + Sqrt: 24 + Squeeze: 2 + Sub: 25 + Tanh: 12 + Transpose: 48 + Unsqueeze: 2 +parameters: 147622657 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/openaigptdoubleheads_Opset17_transformers/openaigptdoubleheads_Opset17.onnx b/Generative_AI/openaigptdoubleheads_Opset17_transformers/openaigptdoubleheads_Opset17.onnx new file mode 100644 index 000000000..8570372ed --- /dev/null +++ b/Generative_AI/openaigptdoubleheads_Opset17_transformers/openaigptdoubleheads_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:74f869ab50744a936abdbfa7573ddf09890a3c011b4d6ab4fbc773059cb6666a +size 592202515 diff --git a/Generative_AI/openaigptdoubleheads_Opset17_transformers/turnkey_stats.yaml b/Generative_AI/openaigptdoubleheads_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..fd7f010e1 --- /dev/null +++ b/Generative_AI/openaigptdoubleheads_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.058523416519165 + set_success: 0.08139300346374512 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/openaigptdoubleheads_transformers_811f9e03/onnx/openaigptdoubleheads_transformers_811f9e03-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/openaigptdoubleheads.py +class: OpenAIGPTDoubleHeadsModel +hash: a7e8e666 +model_name: openaigptdoubleheads +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 578322.8008 +onnx_ops_counter: + Add: 73 + Cast: 1 + Constant: 262 + Div: 12 + Gather: 2 + GatherElements: 1 + Gemm: 49 + LayerNormalization: 24 + MatMul: 25 + Mul: 61 + Pow: 12 + Reshape: 146 + Softmax: 12 + Split: 12 + Squeeze: 2 + Sub: 1 + Tanh: 12 + Transpose: 48 + Unsqueeze: 2 +parameters: 147622657 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/openaigptdoubleheads_Opset18_transformers/openaigptdoubleheads_Opset18.onnx b/Generative_AI/openaigptdoubleheads_Opset18_transformers/openaigptdoubleheads_Opset18.onnx new file mode 100644 index 000000000..d6c7d8b48 --- /dev/null +++ b/Generative_AI/openaigptdoubleheads_Opset18_transformers/openaigptdoubleheads_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:53578d375d0fa7fd5a063b08e45a3b0cf3bfc1c90c4f21ad0ef8c40787e95b8d +size 592202515 diff --git a/Generative_AI/openaigptdoubleheads_Opset18_transformers/turnkey_stats.yaml b/Generative_AI/openaigptdoubleheads_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..39f138183 --- /dev/null +++ b/Generative_AI/openaigptdoubleheads_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.674628496170044 + set_success: 0.023729562759399414 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/openaigptdoubleheads_transformers_811f9e03/onnx/openaigptdoubleheads_transformers_811f9e03-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/openaigptdoubleheads.py +class: OpenAIGPTDoubleHeadsModel +hash: a7e8e666 +model_name: openaigptdoubleheads +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 578322.8008 +onnx_ops_counter: + Add: 73 + Cast: 1 + Constant: 262 + Div: 12 + Gather: 2 + GatherElements: 1 + Gemm: 49 + LayerNormalization: 24 + MatMul: 25 + Mul: 61 + Pow: 12 + Reshape: 146 + Softmax: 12 + Split: 12 + Squeeze: 2 + Sub: 1 + Tanh: 12 + Transpose: 48 + Unsqueeze: 2 +parameters: 147622657 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/openaigptlmhead_Opset16_transformers/openaigptlmhead_Opset16.onnx b/Generative_AI/openaigptlmhead_Opset16_transformers/openaigptlmhead_Opset16.onnx new file mode 100644 index 000000000..4f452626e --- /dev/null +++ b/Generative_AI/openaigptlmhead_Opset16_transformers/openaigptlmhead_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:43c35b85f2be317fa7b211dc5e10986dfb0abbea1758979b539e7048faddf88b +size 592221754 diff --git a/Generative_AI/openaigptlmhead_Opset16_transformers/turnkey_stats.yaml b/Generative_AI/openaigptlmhead_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..a5549d7f1 --- /dev/null +++ b/Generative_AI/openaigptlmhead_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.87480878829956 + set_success: 0.018568754196166992 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/openaigptlmhead_transformers_2c73f043/onnx/openaigptlmhead_transformers_2c73f043-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/openaigptlmhead.py +class: OpenAIGPTLMHeadModel +hash: fd6d7aa3 +model_name: openaigptlmhead +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 578341.5889 +onnx_ops_counter: + Add: 121 + Cast: 1 + Constant: 307 + Div: 36 + Gather: 2 + Gemm: 48 + MatMul: 25 + Mul: 85 + Pow: 36 + ReduceMean: 48 + Reshape: 146 + Softmax: 12 + Split: 12 + Sqrt: 24 + Sub: 25 + Tanh: 12 + Transpose: 48 + Unsqueeze: 2 +parameters: 147621888 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/openaigptlmhead_Opset17_transformers/openaigptlmhead_Opset17.onnx b/Generative_AI/openaigptlmhead_Opset17_transformers/openaigptlmhead_Opset17.onnx new file mode 100644 index 000000000..c83c9908e --- /dev/null +++ b/Generative_AI/openaigptlmhead_Opset17_transformers/openaigptlmhead_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2daf25184de9d7bb5f47e528ae33d5b5d125adcb2be493479d996e7a2f90e6ed +size 592192165 diff --git a/Generative_AI/openaigptlmhead_Opset17_transformers/turnkey_stats.yaml b/Generative_AI/openaigptlmhead_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..51994c4cf --- /dev/null +++ b/Generative_AI/openaigptlmhead_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,211 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.834910869598389 + set_success: 0.7480823993682861 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/openaigptlmhead_transformers_2c73f043/onnx/openaigptlmhead_transformers_2c73f043-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/openaigptlmhead.py +class: OpenAIGPTLMHeadModel +hash: fd6d7aa3 +model_name: openaigptlmhead +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 578312.6934 +onnx_ops_counter: + Add: 73 + Cast: 1 + Constant: 259 + Div: 12 + Gather: 2 + Gemm: 48 + LayerNormalization: 24 + MatMul: 25 + Mul: 61 + Pow: 12 + Reshape: 146 + Softmax: 12 + Split: 12 + Sub: 1 + Tanh: 12 + Transpose: 48 + Unsqueeze: 2 +parameters: 147621888 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/openaigptlmhead_Opset18_transformers/openaigptlmhead_Opset18.onnx b/Generative_AI/openaigptlmhead_Opset18_transformers/openaigptlmhead_Opset18.onnx new file mode 100644 index 000000000..676d6a2a3 --- /dev/null +++ b/Generative_AI/openaigptlmhead_Opset18_transformers/openaigptlmhead_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b5ace4c3372e29ebbd697ef08bd4d555f9f562849d5401409d426c185aa9820 +size 592192165 diff --git a/Generative_AI/openaigptlmhead_Opset18_transformers/turnkey_stats.yaml b/Generative_AI/openaigptlmhead_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..bf885f9e4 --- /dev/null +++ b/Generative_AI/openaigptlmhead_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,211 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.484671831130981 + set_success: 0.020537137985229492 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/openaigptlmhead_transformers_2c73f043/onnx/openaigptlmhead_transformers_2c73f043-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/openaigptlmhead.py +class: OpenAIGPTLMHeadModel +hash: fd6d7aa3 +model_name: openaigptlmhead +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 578312.6934 +onnx_ops_counter: + Add: 73 + Cast: 1 + Constant: 259 + Div: 12 + Gather: 2 + Gemm: 48 + LayerNormalization: 24 + MatMul: 25 + Mul: 61 + Pow: 12 + Reshape: 146 + Softmax: 12 + Split: 12 + Sub: 1 + Tanh: 12 + Transpose: 48 + Unsqueeze: 2 +parameters: 147621888 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Generative_AI/resnet18_Opset16.tar.gz b/Generative_AI/resnet18_Opset16.tar.gz new file mode 100644 index 000000000..9bd9c0bd4 --- /dev/null +++ b/Generative_AI/resnet18_Opset16.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6d5e1c26f1376e665666db8e3231eb1fdc81f317fc462bee8c096b9315a2d3b +size 43505774 diff --git a/Graph_Machine_Learning/feastconv_Opset16_graph_convolutions/feastconv_Opset16.onnx b/Graph_Machine_Learning/feastconv_Opset16_graph_convolutions/feastconv_Opset16.onnx new file mode 100644 index 000000000..a2c0a6eb9 --- /dev/null +++ b/Graph_Machine_Learning/feastconv_Opset16_graph_convolutions/feastconv_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:464f519592dc02cbe25b490a270557befeba24e2a97fa541909e2f1d0f42eb11 +size 86106 diff --git a/Graph_Machine_Learning/feastconv_Opset16_graph_convolutions/turnkey_stats.yaml b/Graph_Machine_Learning/feastconv_Opset16_graph_convolutions/turnkey_stats.yaml new file mode 100644 index 000000000..8d78ac9c6 --- /dev/null +++ b/Graph_Machine_Learning/feastconv_Opset16_graph_convolutions/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: graph_convolutions +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.19395947456359863 + set_success: 0.01579737663269043 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/feastconv_graph_convolutions_7be6b7f2/onnx/feastconv_graph_convolutions_7be6b7f2-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/graph_convolutions/feastconv.py +class: FeaStConv +hash: 7baf02c1 +model_name: feastconv +onnx_input_dimensions: + edge_index: + - 2 + - 2708 + x: + - 2708 + - 1433 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 84.1201 +onnx_ops_counter: + Add: 2 + Clip: 1 + Concat: 4 + Constant: 23 + ConstantOfShape: 3 + Div: 1 + Equal: 1 + Expand: 3 + Gather: 10 + MatMul: 2 + Mul: 1 + NonZero: 1 + Not: 1 + ReduceSum: 1 + Reshape: 4 + ScatterElements: 2 + Shape: 7 + Slice: 2 + Softmax: 1 + Squeeze: 1 + Sub: 1 + Tile: 1 + Transpose: 1 + Unsqueeze: 3 +parameters: 11472 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Graph_Machine_Learning diff --git a/Graph_Machine_Learning/feastconv_Opset17_graph_convolutions/feastconv_Opset17.onnx b/Graph_Machine_Learning/feastconv_Opset17_graph_convolutions/feastconv_Opset17.onnx new file mode 100644 index 000000000..c522b3d1e --- /dev/null +++ b/Graph_Machine_Learning/feastconv_Opset17_graph_convolutions/feastconv_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f16d151cd9d02d3b7f3cf232f3a20e5bc9d60490bfb3d7c810c6063c84920f1 +size 86106 diff --git a/Graph_Machine_Learning/feastconv_Opset17_graph_convolutions/turnkey_stats.yaml b/Graph_Machine_Learning/feastconv_Opset17_graph_convolutions/turnkey_stats.yaml new file mode 100644 index 000000000..0088f2684 --- /dev/null +++ b/Graph_Machine_Learning/feastconv_Opset17_graph_convolutions/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: graph_convolutions +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.1757183074951172 + set_success: 0.015085935592651367 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/feastconv_graph_convolutions_7be6b7f2/onnx/feastconv_graph_convolutions_7be6b7f2-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/graph_convolutions/feastconv.py +class: FeaStConv +hash: 7baf02c1 +model_name: feastconv +onnx_input_dimensions: + edge_index: + - 2 + - 2708 + x: + - 2708 + - 1433 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 84.1201 +onnx_ops_counter: + Add: 2 + Clip: 1 + Concat: 4 + Constant: 23 + ConstantOfShape: 3 + Div: 1 + Equal: 1 + Expand: 3 + Gather: 10 + MatMul: 2 + Mul: 1 + NonZero: 1 + Not: 1 + ReduceSum: 1 + Reshape: 4 + ScatterElements: 2 + Shape: 7 + Slice: 2 + Softmax: 1 + Squeeze: 1 + Sub: 1 + Tile: 1 + Transpose: 1 + Unsqueeze: 3 +parameters: 11472 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Graph_Machine_Learning diff --git a/Graph_Machine_Learning/feastconv_Opset18_graph_convolutions/feastconv_Opset18.onnx b/Graph_Machine_Learning/feastconv_Opset18_graph_convolutions/feastconv_Opset18.onnx new file mode 100644 index 000000000..80879f43b --- /dev/null +++ b/Graph_Machine_Learning/feastconv_Opset18_graph_convolutions/feastconv_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6bb316daff39c0be8d0af3f567e36b8f0712ef34191c8bd316df6ac2b8281349 +size 86106 diff --git a/Graph_Machine_Learning/feastconv_Opset18_graph_convolutions/turnkey_stats.yaml b/Graph_Machine_Learning/feastconv_Opset18_graph_convolutions/turnkey_stats.yaml new file mode 100644 index 000000000..6cb2767e0 --- /dev/null +++ b/Graph_Machine_Learning/feastconv_Opset18_graph_convolutions/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: graph_convolutions +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.19247078895568848 + set_success: 0.014820337295532227 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/feastconv_graph_convolutions_7be6b7f2/onnx/feastconv_graph_convolutions_7be6b7f2-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/graph_convolutions/feastconv.py +class: FeaStConv +hash: 7baf02c1 +model_name: feastconv +onnx_input_dimensions: + edge_index: + - 2 + - 2708 + x: + - 2708 + - 1433 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 84.1201 +onnx_ops_counter: + Add: 2 + Clip: 1 + Concat: 4 + Constant: 23 + ConstantOfShape: 3 + Div: 1 + Equal: 1 + Expand: 3 + Gather: 10 + MatMul: 2 + Mul: 1 + NonZero: 1 + Not: 1 + ReduceSum: 1 + Reshape: 4 + ScatterElements: 2 + Shape: 7 + Slice: 2 + Softmax: 1 + Squeeze: 1 + Sub: 1 + Tile: 1 + Transpose: 1 + Unsqueeze: 3 +parameters: 11472 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Graph_Machine_Learning diff --git a/Graph_Machine_Learning/generalconv_Opset16_graph_convolutions/generalconv_Opset16.onnx b/Graph_Machine_Learning/generalconv_Opset16_graph_convolutions/generalconv_Opset16.onnx new file mode 100644 index 000000000..97b140144 --- /dev/null +++ b/Graph_Machine_Learning/generalconv_Opset16_graph_convolutions/generalconv_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de8fcaa6b2bc78de4d96f6309a329103fd8e122399a8866231982513ce62be31 +size 158148 diff --git a/Graph_Machine_Learning/generalconv_Opset16_graph_convolutions/turnkey_stats.yaml b/Graph_Machine_Learning/generalconv_Opset16_graph_convolutions/turnkey_stats.yaml new file mode 100644 index 000000000..ee246c1d5 --- /dev/null +++ b/Graph_Machine_Learning/generalconv_Opset16_graph_convolutions/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: graph_convolutions +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.1424715518951416 + set_success: 0.014531850814819336 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/generalconv_graph_convolutions_2fcf9d99/onnx/generalconv_graph_convolutions_2fcf9d99-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/graph_convolutions/generalconv.py +class: GeneralConv +hash: 294e0642 +model_name: generalconv +onnx_input_dimensions: + edge_index: + - 2 + - 2708 + x: + - 2708 + - 1433 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 154.4736 +onnx_ops_counter: + Add: 1 + Constant: 5 + Expand: 1 + Gather: 3 + Gemm: 2 + ReduceMean: 1 + Reshape: 2 + ScatterElements: 1 + Shape: 1 +parameters: 20076 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Graph_Machine_Learning diff --git a/Graph_Machine_Learning/generalconv_Opset17_graph_convolutions/generalconv_Opset17.onnx b/Graph_Machine_Learning/generalconv_Opset17_graph_convolutions/generalconv_Opset17.onnx new file mode 100644 index 000000000..b3498ab8d --- /dev/null +++ b/Graph_Machine_Learning/generalconv_Opset17_graph_convolutions/generalconv_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22c5f62e46168dfdc1811f61b78c6895fd4bb62407181ed0beecdac80013c317 +size 158148 diff --git a/Graph_Machine_Learning/generalconv_Opset17_graph_convolutions/turnkey_stats.yaml b/Graph_Machine_Learning/generalconv_Opset17_graph_convolutions/turnkey_stats.yaml new file mode 100644 index 000000000..1d3a8bc43 --- /dev/null +++ b/Graph_Machine_Learning/generalconv_Opset17_graph_convolutions/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: graph_convolutions +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.18048691749572754 + set_success: 0.01843714714050293 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/generalconv_graph_convolutions_2fcf9d99/onnx/generalconv_graph_convolutions_2fcf9d99-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/graph_convolutions/generalconv.py +class: GeneralConv +hash: 294e0642 +model_name: generalconv +onnx_input_dimensions: + edge_index: + - 2 + - 2708 + x: + - 2708 + - 1433 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 154.4736 +onnx_ops_counter: + Add: 1 + Constant: 5 + Expand: 1 + Gather: 3 + Gemm: 2 + ReduceMean: 1 + Reshape: 2 + ScatterElements: 1 + Shape: 1 +parameters: 20076 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Graph_Machine_Learning diff --git a/Graph_Machine_Learning/leconv_Opset16_graph_convolutions/leconv_Opset16.onnx b/Graph_Machine_Learning/leconv_Opset16_graph_convolutions/leconv_Opset16.onnx new file mode 100644 index 000000000..c595a7a5a --- /dev/null +++ b/Graph_Machine_Learning/leconv_Opset16_graph_convolutions/leconv_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0bb2e456b78c9918f19893c9ebcc3452678a7ac9db19eb6a912abcde2c08b30a +size 198193 diff --git a/Graph_Machine_Learning/leconv_Opset16_graph_convolutions/turnkey_stats.yaml b/Graph_Machine_Learning/leconv_Opset16_graph_convolutions/turnkey_stats.yaml new file mode 100644 index 000000000..de0fcab1f --- /dev/null +++ b/Graph_Machine_Learning/leconv_Opset16_graph_convolutions/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: graph_convolutions +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.1274738311767578 + set_success: 0.014045953750610352 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/leconv_graph_convolutions_ef4394c3/onnx/leconv_graph_convolutions_ef4394c3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/graph_convolutions/leconv.py +class: LEConv +hash: c8a67ed2 +model_name: leconv +onnx_input_dimensions: + edge_index: + - 2 + - 2708 + x: + - 2708 + - 1433 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 193.5801 +onnx_ops_counter: + Add: 1 + Constant: 4 + Expand: 1 + Gather: 4 + Gemm: 2 + MatMul: 1 + Reshape: 1 + ScatterElements: 1 + Shape: 1 + Sub: 1 +parameters: 30107 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Graph_Machine_Learning diff --git a/Graph_Machine_Learning/leconv_Opset17_graph_convolutions/leconv_Opset17.onnx b/Graph_Machine_Learning/leconv_Opset17_graph_convolutions/leconv_Opset17.onnx new file mode 100644 index 000000000..2c3ff7c00 --- /dev/null +++ b/Graph_Machine_Learning/leconv_Opset17_graph_convolutions/leconv_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e55fd451a079fa0d8f6ed48f6c9740cc1c44115585a29652d06776fe99f2ff9 +size 198193 diff --git a/Graph_Machine_Learning/leconv_Opset17_graph_convolutions/turnkey_stats.yaml b/Graph_Machine_Learning/leconv_Opset17_graph_convolutions/turnkey_stats.yaml new file mode 100644 index 000000000..9dcf0078b --- /dev/null +++ b/Graph_Machine_Learning/leconv_Opset17_graph_convolutions/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: graph_convolutions +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.13739919662475586 + set_success: 0.014899253845214844 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/leconv_graph_convolutions_ef4394c3/onnx/leconv_graph_convolutions_ef4394c3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/graph_convolutions/leconv.py +class: LEConv +hash: c8a67ed2 +model_name: leconv +onnx_input_dimensions: + edge_index: + - 2 + - 2708 + x: + - 2708 + - 1433 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 193.5801 +onnx_ops_counter: + Add: 1 + Constant: 4 + Expand: 1 + Gather: 4 + Gemm: 2 + MatMul: 1 + Reshape: 1 + ScatterElements: 1 + Shape: 1 + Sub: 1 +parameters: 30107 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Graph_Machine_Learning diff --git a/Graph_Machine_Learning/leconv_Opset18_graph_convolutions/leconv_Opset18.onnx b/Graph_Machine_Learning/leconv_Opset18_graph_convolutions/leconv_Opset18.onnx new file mode 100644 index 000000000..a0760abef --- /dev/null +++ b/Graph_Machine_Learning/leconv_Opset18_graph_convolutions/leconv_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a97a5f0ab0efbaaa68d3cc811b71018f3a27b9aa77bb2e4f196d80e06c44f53a +size 198193 diff --git a/Graph_Machine_Learning/leconv_Opset18_graph_convolutions/turnkey_stats.yaml b/Graph_Machine_Learning/leconv_Opset18_graph_convolutions/turnkey_stats.yaml new file mode 100644 index 000000000..7b275cd9c --- /dev/null +++ b/Graph_Machine_Learning/leconv_Opset18_graph_convolutions/turnkey_stats.yaml @@ -0,0 +1,204 @@ +author: graph_convolutions +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.12914681434631348 + set_success: 0.015392303466796875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/leconv_graph_convolutions_ef4394c3/onnx/leconv_graph_convolutions_ef4394c3-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/graph_convolutions/leconv.py +class: LEConv +hash: c8a67ed2 +model_name: leconv +onnx_input_dimensions: + edge_index: + - 2 + - 2708 + x: + - 2708 + - 1433 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 193.5801 +onnx_ops_counter: + Add: 1 + Constant: 4 + Expand: 1 + Gather: 4 + Gemm: 2 + MatMul: 1 + Reshape: 1 + ScatterElements: 1 + Shape: 1 + Sub: 1 +parameters: 30107 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Graph_Machine_Learning diff --git a/Graph_Machine_Learning/pnaconv_Opset16_graph_convolutions/pnaconv_Opset16.onnx b/Graph_Machine_Learning/pnaconv_Opset16_graph_convolutions/pnaconv_Opset16.onnx new file mode 100644 index 000000000..934c52a88 --- /dev/null +++ b/Graph_Machine_Learning/pnaconv_Opset16_graph_convolutions/pnaconv_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:15b7ffd829c99b1a0809690a57b30749350131779999b47b999e6209648ada5b +size 32040009 diff --git a/Graph_Machine_Learning/pnaconv_Opset16_graph_convolutions/turnkey_stats.yaml b/Graph_Machine_Learning/pnaconv_Opset16_graph_convolutions/turnkey_stats.yaml new file mode 100644 index 000000000..47a1039ce --- /dev/null +++ b/Graph_Machine_Learning/pnaconv_Opset16_graph_convolutions/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: graph_convolutions +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.539452075958252 + set_success: 0.014745712280273438 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pnaconv_graph_convolutions_11a2e66b/onnx/pnaconv_graph_convolutions_11a2e66b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/graph_convolutions/pnaconv.py +class: PNAConv +hash: 320171a1 +model_name: pnaconv +onnx_input_dimensions: + edge_index: + - 2 + - 2708 + x: + - 2708 + - 1433 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 31289.1035 +onnx_ops_counter: + Concat: 4 + Constant: 8 + ConstantOfShape: 1 + Expand: 2 + Gather: 6 + Gemm: 3 + Reshape: 2 + ScatterElements: 1 + Shape: 1 + Tile: 1 + Unsqueeze: 1 +parameters: 4128536 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Graph_Machine_Learning diff --git a/Graph_Machine_Learning/pnaconv_Opset17_graph_convolutions/pnaconv_Opset17.onnx b/Graph_Machine_Learning/pnaconv_Opset17_graph_convolutions/pnaconv_Opset17.onnx new file mode 100644 index 000000000..a0916c7c6 --- /dev/null +++ b/Graph_Machine_Learning/pnaconv_Opset17_graph_convolutions/pnaconv_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ab7ba06509d3951b6fb0298e27a0abee92544ed118724d4743e9a5b0ca28a88 +size 32040007 diff --git a/Graph_Machine_Learning/pnaconv_Opset17_graph_convolutions/turnkey_stats.yaml b/Graph_Machine_Learning/pnaconv_Opset17_graph_convolutions/turnkey_stats.yaml new file mode 100644 index 000000000..fa41b0c49 --- /dev/null +++ b/Graph_Machine_Learning/pnaconv_Opset17_graph_convolutions/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: graph_convolutions +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.5450570583343506 + set_success: 0.01561880111694336 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pnaconv_graph_convolutions_11a2e66b/onnx/pnaconv_graph_convolutions_11a2e66b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/graph_convolutions/pnaconv.py +class: PNAConv +hash: 320171a1 +model_name: pnaconv +onnx_input_dimensions: + edge_index: + - 2 + - 2708 + x: + - 2708 + - 1433 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 31289.1016 +onnx_ops_counter: + Concat: 4 + Constant: 8 + ConstantOfShape: 1 + Expand: 2 + Gather: 6 + Gemm: 3 + Reshape: 2 + ScatterElements: 1 + Shape: 1 + Tile: 1 + Unsqueeze: 1 +parameters: 4128536 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Graph_Machine_Learning diff --git a/Graph_Machine_Learning/pnaconv_Opset18_graph_convolutions/pnaconv_Opset18.onnx b/Graph_Machine_Learning/pnaconv_Opset18_graph_convolutions/pnaconv_Opset18.onnx new file mode 100644 index 000000000..97348705d --- /dev/null +++ b/Graph_Machine_Learning/pnaconv_Opset18_graph_convolutions/pnaconv_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:be7a3d6d78dafe4ff2d2ea917abf38a394325b447b4fd226298dc71f0b262bf8 +size 32040007 diff --git a/Graph_Machine_Learning/pnaconv_Opset18_graph_convolutions/turnkey_stats.yaml b/Graph_Machine_Learning/pnaconv_Opset18_graph_convolutions/turnkey_stats.yaml new file mode 100644 index 000000000..5878c57f7 --- /dev/null +++ b/Graph_Machine_Learning/pnaconv_Opset18_graph_convolutions/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: graph_convolutions +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.5547609329223633 + set_success: 0.016156435012817383 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pnaconv_graph_convolutions_11a2e66b/onnx/pnaconv_graph_convolutions_11a2e66b-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/graph_convolutions/pnaconv.py +class: PNAConv +hash: 320171a1 +model_name: pnaconv +onnx_input_dimensions: + edge_index: + - 2 + - 2708 + x: + - 2708 + - 1433 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 31289.1016 +onnx_ops_counter: + Concat: 4 + Constant: 8 + ConstantOfShape: 1 + Expand: 2 + Gather: 6 + Gemm: 3 + Reshape: 2 + ScatterElements: 1 + Shape: 1 + Tile: 1 + Unsqueeze: 1 +parameters: 4128536 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Graph_Machine_Learning diff --git a/Graph_Machine_Learning/resgatedgraphconv_Opset16_graph_convolutions/resgatedgraphconv_Opset16.onnx b/Graph_Machine_Learning/resgatedgraphconv_Opset16_graph_convolutions/resgatedgraphconv_Opset16.onnx new file mode 100644 index 000000000..f553669cb --- /dev/null +++ b/Graph_Machine_Learning/resgatedgraphconv_Opset16_graph_convolutions/resgatedgraphconv_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5460572c3c82e3d10858d06bb8793eedafb545defb30b80fe3f2390f70517537 +size 238948 diff --git a/Graph_Machine_Learning/resgatedgraphconv_Opset16_graph_convolutions/turnkey_stats.yaml b/Graph_Machine_Learning/resgatedgraphconv_Opset16_graph_convolutions/turnkey_stats.yaml new file mode 100644 index 000000000..e10306974 --- /dev/null +++ b/Graph_Machine_Learning/resgatedgraphconv_Opset16_graph_convolutions/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: graph_convolutions +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.1368117332458496 + set_success: 0.015817880630493164 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resgatedgraphconv_graph_convolutions_bbe9da5b/onnx/resgatedgraphconv_graph_convolutions_bbe9da5b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/graph_convolutions/resgatedgraphconv.py +class: ResGatedGraphConv +hash: bcab8e53 +model_name: resgatedgraphconv +onnx_input_dimensions: + edge_index: + - 2 + - 2708 + x: + - 2708 + - 1433 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 233.3799 +onnx_ops_counter: + Add: 3 + Constant: 4 + Expand: 1 + Gather: 5 + Gemm: 3 + MatMul: 1 + Mul: 1 + Reshape: 1 + ScatterElements: 1 + Shape: 1 + Sigmoid: 1 +parameters: 40152 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Graph_Machine_Learning diff --git a/Graph_Machine_Learning/resgatedgraphconv_Opset17_graph_convolutions/resgatedgraphconv_Opset17.onnx b/Graph_Machine_Learning/resgatedgraphconv_Opset17_graph_convolutions/resgatedgraphconv_Opset17.onnx new file mode 100644 index 000000000..4c47dcdeb --- /dev/null +++ b/Graph_Machine_Learning/resgatedgraphconv_Opset17_graph_convolutions/resgatedgraphconv_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b6983eb01aad530d6a63fbeb41c587b62e422ac973097839e266d654f4ca4801 +size 238948 diff --git a/Graph_Machine_Learning/resgatedgraphconv_Opset17_graph_convolutions/turnkey_stats.yaml b/Graph_Machine_Learning/resgatedgraphconv_Opset17_graph_convolutions/turnkey_stats.yaml new file mode 100644 index 000000000..d012abf4e --- /dev/null +++ b/Graph_Machine_Learning/resgatedgraphconv_Opset17_graph_convolutions/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: graph_convolutions +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.1453080177307129 + set_success: 0.015740394592285156 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resgatedgraphconv_graph_convolutions_bbe9da5b/onnx/resgatedgraphconv_graph_convolutions_bbe9da5b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/graph_convolutions/resgatedgraphconv.py +class: ResGatedGraphConv +hash: bcab8e53 +model_name: resgatedgraphconv +onnx_input_dimensions: + edge_index: + - 2 + - 2708 + x: + - 2708 + - 1433 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 233.3799 +onnx_ops_counter: + Add: 3 + Constant: 4 + Expand: 1 + Gather: 5 + Gemm: 3 + MatMul: 1 + Mul: 1 + Reshape: 1 + ScatterElements: 1 + Shape: 1 + Sigmoid: 1 +parameters: 40152 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Graph_Machine_Learning diff --git a/Graph_Machine_Learning/resgatedgraphconv_Opset18_graph_convolutions/resgatedgraphconv_Opset18.onnx b/Graph_Machine_Learning/resgatedgraphconv_Opset18_graph_convolutions/resgatedgraphconv_Opset18.onnx new file mode 100644 index 000000000..7c923fe0f --- /dev/null +++ b/Graph_Machine_Learning/resgatedgraphconv_Opset18_graph_convolutions/resgatedgraphconv_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0345ec88e702dadbca7470f142aa4deb01aefaca5cbd2231fad29194b444dcdf +size 238948 diff --git a/Graph_Machine_Learning/resgatedgraphconv_Opset18_graph_convolutions/turnkey_stats.yaml b/Graph_Machine_Learning/resgatedgraphconv_Opset18_graph_convolutions/turnkey_stats.yaml new file mode 100644 index 000000000..3b4ecb646 --- /dev/null +++ b/Graph_Machine_Learning/resgatedgraphconv_Opset18_graph_convolutions/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: graph_convolutions +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.1460869312286377 + set_success: 0.016145944595336914 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/resgatedgraphconv_graph_convolutions_bbe9da5b/onnx/resgatedgraphconv_graph_convolutions_bbe9da5b-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/graph_convolutions/resgatedgraphconv.py +class: ResGatedGraphConv +hash: bcab8e53 +model_name: resgatedgraphconv +onnx_input_dimensions: + edge_index: + - 2 + - 2708 + x: + - 2708 + - 1433 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 233.3799 +onnx_ops_counter: + Add: 3 + Constant: 4 + Expand: 1 + Gather: 5 + Gemm: 3 + MatMul: 1 + Mul: 1 + Reshape: 1 + ScatterElements: 1 + Shape: 1 + Sigmoid: 1 +parameters: 40152 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Graph_Machine_Learning diff --git a/Graph_Machine_Learning/sageconv_Opset16_graph_convolutions/sageconv_Opset16.onnx b/Graph_Machine_Learning/sageconv_Opset16_graph_convolutions/sageconv_Opset16.onnx new file mode 100644 index 000000000..2e6416994 --- /dev/null +++ b/Graph_Machine_Learning/sageconv_Opset16_graph_convolutions/sageconv_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:668c990139589f1a37687797cfb18a00ed30a967f584d9f8d05945808fff1d4e +size 15627061 diff --git a/Graph_Machine_Learning/sageconv_Opset16_graph_convolutions/turnkey_stats.yaml b/Graph_Machine_Learning/sageconv_Opset16_graph_convolutions/turnkey_stats.yaml new file mode 100644 index 000000000..18736bf90 --- /dev/null +++ b/Graph_Machine_Learning/sageconv_Opset16_graph_convolutions/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: graph_convolutions +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.29700589179992676 + set_success: 0.01540064811706543 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/sageconv_graph_convolutions_488dc409/onnx/sageconv_graph_convolutions_488dc409-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/graph_convolutions/sageconv.py +class: SAGEConv +hash: 51354d34 +model_name: sageconv +onnx_input_dimensions: + edge_index: + - 2 + - 2708 + x: + - 2708 + - 1433 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 15260.834 +onnx_ops_counter: + Add: 1 + Clip: 1 + Constant: 8 + Div: 1 + Expand: 2 + Gather: 3 + Gemm: 1 + MatMul: 1 + Reshape: 2 + ScatterElements: 2 + Shape: 2 +parameters: 20069 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Graph_Machine_Learning diff --git a/Graph_Machine_Learning/sageconv_Opset17_graph_convolutions/sageconv_Opset17.onnx b/Graph_Machine_Learning/sageconv_Opset17_graph_convolutions/sageconv_Opset17.onnx new file mode 100644 index 000000000..710c0ca13 --- /dev/null +++ b/Graph_Machine_Learning/sageconv_Opset17_graph_convolutions/sageconv_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f0a73d0e708539420305b61add83bfbe5c49ed1dd65c30300c3cc7d253ad2caf +size 15627061 diff --git a/Graph_Machine_Learning/sageconv_Opset17_graph_convolutions/turnkey_stats.yaml b/Graph_Machine_Learning/sageconv_Opset17_graph_convolutions/turnkey_stats.yaml new file mode 100644 index 000000000..c417c9364 --- /dev/null +++ b/Graph_Machine_Learning/sageconv_Opset17_graph_convolutions/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: graph_convolutions +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.32083797454833984 + set_success: 0.0165252685546875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/sageconv_graph_convolutions_488dc409/onnx/sageconv_graph_convolutions_488dc409-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/graph_convolutions/sageconv.py +class: SAGEConv +hash: 51354d34 +model_name: sageconv +onnx_input_dimensions: + edge_index: + - 2 + - 2708 + x: + - 2708 + - 1433 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 15260.834 +onnx_ops_counter: + Add: 1 + Clip: 1 + Constant: 8 + Div: 1 + Expand: 2 + Gather: 3 + Gemm: 1 + MatMul: 1 + Reshape: 2 + ScatterElements: 2 + Shape: 2 +parameters: 20069 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Graph_Machine_Learning diff --git a/Graph_Machine_Learning/sageconv_Opset18_graph_convolutions/sageconv_Opset18.onnx b/Graph_Machine_Learning/sageconv_Opset18_graph_convolutions/sageconv_Opset18.onnx new file mode 100644 index 000000000..67786ff2f --- /dev/null +++ b/Graph_Machine_Learning/sageconv_Opset18_graph_convolutions/sageconv_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:98d121d15f7ba4bf10ed14dc1b8cc9e3f60491b9a3569d9429e31724196be058 +size 15627061 diff --git a/Graph_Machine_Learning/sageconv_Opset18_graph_convolutions/turnkey_stats.yaml b/Graph_Machine_Learning/sageconv_Opset18_graph_convolutions/turnkey_stats.yaml new file mode 100644 index 000000000..f8d1deaed --- /dev/null +++ b/Graph_Machine_Learning/sageconv_Opset18_graph_convolutions/turnkey_stats.yaml @@ -0,0 +1,205 @@ +author: graph_convolutions +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.3344888687133789 + set_success: 0.016762495040893555 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/sageconv_graph_convolutions_488dc409/onnx/sageconv_graph_convolutions_488dc409-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/graph_convolutions/sageconv.py +class: SAGEConv +hash: 51354d34 +model_name: sageconv +onnx_input_dimensions: + edge_index: + - 2 + - 2708 + x: + - 2708 + - 1433 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 15260.834 +onnx_ops_counter: + Add: 1 + Clip: 1 + Constant: 8 + Div: 1 + Expand: 2 + Gather: 3 + Gemm: 1 + MatMul: 1 + Reshape: 2 + ScatterElements: 2 + Shape: 2 +parameters: 20069 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Graph_Machine_Learning diff --git a/Graph_Machine_Learning/tagconv_Opset16_graph_convolutions/tagconv_Opset16.onnx b/Graph_Machine_Learning/tagconv_Opset16_graph_convolutions/tagconv_Opset16.onnx new file mode 100644 index 000000000..11be70896 --- /dev/null +++ b/Graph_Machine_Learning/tagconv_Opset16_graph_convolutions/tagconv_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9083c7403586ade36daf4ca1229e1a5b3635143bdc2f9c8082934f7867867b12 +size 46765015 diff --git a/Graph_Machine_Learning/tagconv_Opset16_graph_convolutions/turnkey_stats.yaml b/Graph_Machine_Learning/tagconv_Opset16_graph_convolutions/turnkey_stats.yaml new file mode 100644 index 000000000..8292ddc41 --- /dev/null +++ b/Graph_Machine_Learning/tagconv_Opset16_graph_convolutions/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: graph_convolutions +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.7556025981903076 + set_success: 0.016104698181152344 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tagconv_graph_convolutions_889730ec/onnx/tagconv_graph_convolutions_889730ec-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/graph_convolutions/tagconv.py +class: TAGConv +hash: 0b552e73 +model_name: tagconv +onnx_input_dimensions: + edge_index: + - 2 + - 2708 + x: + - 2708 + - 1433 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 45668.9922 +onnx_ops_counter: + Add: 4 + Cast: 1 + Constant: 15 + Equal: 1 + Expand: 4 + Gather: 7 + MatMul: 4 + Mul: 5 + Pow: 1 + Reshape: 3 + ScatterElements: 4 + Shape: 3 + Where: 1 +parameters: 40131 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Graph_Machine_Learning diff --git a/Graph_Machine_Learning/tagconv_Opset17_graph_convolutions/tagconv_Opset17.onnx b/Graph_Machine_Learning/tagconv_Opset17_graph_convolutions/tagconv_Opset17.onnx new file mode 100644 index 000000000..cb7c07883 --- /dev/null +++ b/Graph_Machine_Learning/tagconv_Opset17_graph_convolutions/tagconv_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec0cec9c5abea886a06e4aee6bb3a006aa52854f212123186ddef0e4366ce28a +size 46765015 diff --git a/Graph_Machine_Learning/tagconv_Opset17_graph_convolutions/turnkey_stats.yaml b/Graph_Machine_Learning/tagconv_Opset17_graph_convolutions/turnkey_stats.yaml new file mode 100644 index 000000000..b0c7305ab --- /dev/null +++ b/Graph_Machine_Learning/tagconv_Opset17_graph_convolutions/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: graph_convolutions +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.210270881652832 + set_success: 3.983325242996216 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tagconv_graph_convolutions_889730ec/onnx/tagconv_graph_convolutions_889730ec-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/graph_convolutions/tagconv.py +class: TAGConv +hash: 0b552e73 +model_name: tagconv +onnx_input_dimensions: + edge_index: + - 2 + - 2708 + x: + - 2708 + - 1433 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 45668.9922 +onnx_ops_counter: + Add: 4 + Cast: 1 + Constant: 15 + Equal: 1 + Expand: 4 + Gather: 7 + MatMul: 4 + Mul: 5 + Pow: 1 + Reshape: 3 + ScatterElements: 4 + Shape: 3 + Where: 1 +parameters: 40131 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Graph_Machine_Learning diff --git a/Graph_Machine_Learning/tagconv_Opset18_graph_convolutions/tagconv_Opset18.onnx b/Graph_Machine_Learning/tagconv_Opset18_graph_convolutions/tagconv_Opset18.onnx new file mode 100644 index 000000000..97b855b17 --- /dev/null +++ b/Graph_Machine_Learning/tagconv_Opset18_graph_convolutions/tagconv_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:129f0f647a83ce52161d69b7f1ce5f41d71ee044202bba9a91dc8dd8b90586b7 +size 46765015 diff --git a/Graph_Machine_Learning/tagconv_Opset18_graph_convolutions/turnkey_stats.yaml b/Graph_Machine_Learning/tagconv_Opset18_graph_convolutions/turnkey_stats.yaml new file mode 100644 index 000000000..69ec4ad8f --- /dev/null +++ b/Graph_Machine_Learning/tagconv_Opset18_graph_convolutions/turnkey_stats.yaml @@ -0,0 +1,207 @@ +author: graph_convolutions +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 0.6617321968078613 + set_success: 0.016149520874023438 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/tagconv_graph_convolutions_889730ec/onnx/tagconv_graph_convolutions_889730ec-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/graph_convolutions/tagconv.py +class: TAGConv +hash: 0b552e73 +model_name: tagconv +onnx_input_dimensions: + edge_index: + - 2 + - 2708 + x: + - 2708 + - 1433 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 45668.9922 +onnx_ops_counter: + Add: 4 + Cast: 1 + Constant: 15 + Equal: 1 + Expand: 4 + Gather: 7 + MatMul: 4 + Mul: 5 + Pow: 1 + Reshape: 3 + ScatterElements: 4 + Shape: 3 + Where: 1 +parameters: 40131 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Graph_Machine_Learning diff --git a/Natural_Language_Processing/albert_Opset16_transformers/albert_Opset16.onnx b/Natural_Language_Processing/albert_Opset16_transformers/albert_Opset16.onnx new file mode 100644 index 000000000..519735138 --- /dev/null +++ b/Natural_Language_Processing/albert_Opset16_transformers/albert_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a82906bb162226ab2a6ce67bd0d254f8e15bc4f5bb2abf64dda0352091936738 +size 46987923 diff --git a/Natural_Language_Processing/albert_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/albert_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..f6e1fe7c1 --- /dev/null +++ b/Natural_Language_Processing/albert_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.4120595455169678 + set_success: 0.019329547882080078 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/albert_transformers_ad82e88a/onnx/albert_transformers_ad82e88a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/albert.py +class: AlbertModel +hash: 179f2b46 +model_name: albert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 45886.6758 +onnx_ops_counter: + Add: 185 + Cast: 1 + Concat: 12 + Constant: 216 + ConstantOfShape: 1 + Div: 37 + Equal: 1 + Expand: 1 + Gather: 4 + Gemm: 1 + Identity: 66 + MatMul: 97 + Mul: 75 + Pow: 37 + ReduceMean: 50 + Reshape: 48 + Shape: 12 + Slice: 12 + Softmax: 12 + Sqrt: 25 + Sub: 26 + Tanh: 13 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 11683584 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/albert_Opset17_transformers/albert_Opset17.onnx b/Natural_Language_Processing/albert_Opset17_transformers/albert_Opset17.onnx new file mode 100644 index 000000000..3ff49f7f3 --- /dev/null +++ b/Natural_Language_Processing/albert_Opset17_transformers/albert_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22d5bc0fb46cf797018da2a8842c0648e1d172afad5c5a3fb316b59544d28b3e +size 46920814 diff --git a/Natural_Language_Processing/albert_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/albert_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..c0f36b030 --- /dev/null +++ b/Natural_Language_Processing/albert_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.300175189971924 + set_success: 0.02019357681274414 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/albert_transformers_ad82e88a/onnx/albert_transformers_ad82e88a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/albert.py +class: AlbertModel +hash: 179f2b46 +model_name: albert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 45821.1396 +onnx_ops_counter: + Add: 135 + Cast: 1 + Concat: 12 + Constant: 166 + ConstantOfShape: 1 + Div: 12 + Equal: 1 + Expand: 1 + Gather: 4 + Gemm: 1 + Identity: 66 + LayerNormalization: 25 + MatMul: 97 + Mul: 50 + Pow: 12 + Reshape: 48 + Shape: 12 + Slice: 12 + Softmax: 12 + Sub: 1 + Tanh: 13 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 11683584 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/albert_Opset18_transformers/albert_Opset18.onnx b/Natural_Language_Processing/albert_Opset18_transformers/albert_Opset18.onnx new file mode 100644 index 000000000..36f92e8dd --- /dev/null +++ b/Natural_Language_Processing/albert_Opset18_transformers/albert_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c42a83f2d04b8e85096c69fd7e5f077f68a2855ed291db5d3631ca2d9c0222df +size 46920814 diff --git a/Natural_Language_Processing/albert_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/albert_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..24e93b1d3 --- /dev/null +++ b/Natural_Language_Processing/albert_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.9097743034362793 + set_success: 3.5902788639068604 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/albert_transformers_ad82e88a/onnx/albert_transformers_ad82e88a-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/albert.py +class: AlbertModel +hash: 179f2b46 +model_name: albert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 45821.1396 +onnx_ops_counter: + Add: 135 + Cast: 1 + Concat: 12 + Constant: 166 + ConstantOfShape: 1 + Div: 12 + Equal: 1 + Expand: 1 + Gather: 4 + Gemm: 1 + Identity: 66 + LayerNormalization: 25 + MatMul: 97 + Mul: 50 + Pow: 12 + Reshape: 48 + Shape: 12 + Slice: 12 + Softmax: 12 + Sub: 1 + Tanh: 13 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 11683584 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/auto_Opset16_transformers/auto_Opset16.onnx b/Natural_Language_Processing/auto_Opset16_transformers/auto_Opset16.onnx new file mode 100644 index 000000000..f67378452 --- /dev/null +++ b/Natural_Language_Processing/auto_Opset16_transformers/auto_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:331bb0495e3184906ec7b4462e22e2e8aa31d3b140a6fe5e7461b31edd250fb3 +size 499647849 diff --git a/Natural_Language_Processing/auto_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/auto_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..8144fa11a --- /dev/null +++ b/Natural_Language_Processing/auto_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.024988651275635 + set_success: 0.01943206787109375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/auto_transformers_eaedd6c2/onnx/auto_transformers_eaedd6c2-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/auto.py +class: RobertaModel +hash: d0d42857 +model_name: auto +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 487937.3848 +onnx_ops_counter: + Add: 173 + Cast: 3 + Constant: 158 + ConstantOfShape: 1 + CumSum: 1 + Div: 49 + Equal: 2 + Erf: 12 + Expand: 1 + Gather: 4 + Gemm: 1 + MatMul: 96 + Mul: 52 + Not: 1 + Pow: 25 + ReduceMean: 50 + Reshape: 48 + Softmax: 12 + Sqrt: 25 + Sub: 26 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 124872192 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/auto_Opset17_transformers/auto_Opset17.onnx b/Natural_Language_Processing/auto_Opset17_transformers/auto_Opset17.onnx new file mode 100644 index 000000000..9ffbd0bcb --- /dev/null +++ b/Natural_Language_Processing/auto_Opset17_transformers/auto_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4eac1851dfff4c566b950a3d7a51e448e2b70ae2db83007e63580ba107ae993 +size 499604339 diff --git a/Natural_Language_Processing/auto_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/auto_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..06444fa3c --- /dev/null +++ b/Natural_Language_Processing/auto_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.430388689041138 + set_success: 0.020838499069213867 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/auto_transformers_eaedd6c2/onnx/auto_transformers_eaedd6c2-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/auto.py +class: RobertaModel +hash: d0d42857 +model_name: auto +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 487894.8945 +onnx_ops_counter: + Add: 123 + Cast: 3 + Constant: 108 + ConstantOfShape: 1 + CumSum: 1 + Div: 24 + Equal: 2 + Erf: 12 + Expand: 1 + Gather: 4 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 27 + Not: 1 + Reshape: 48 + Softmax: 12 + Sub: 1 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 124872192 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/auto_Opset18_transformers/auto_Opset18.onnx b/Natural_Language_Processing/auto_Opset18_transformers/auto_Opset18.onnx new file mode 100644 index 000000000..be9270fdb --- /dev/null +++ b/Natural_Language_Processing/auto_Opset18_transformers/auto_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:70603d02e8f1959dd45bb577a601e57c937bf1bf773eb4743ccd52f119607480 +size 499604339 diff --git a/Natural_Language_Processing/auto_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/auto_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..dbf4cc6e8 --- /dev/null +++ b/Natural_Language_Processing/auto_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.227591037750244 + set_success: 0.5078561305999756 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/auto_transformers_eaedd6c2/onnx/auto_transformers_eaedd6c2-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/auto.py +class: RobertaModel +hash: d0d42857 +model_name: auto +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 487894.8945 +onnx_ops_counter: + Add: 123 + Cast: 3 + Constant: 108 + ConstantOfShape: 1 + CumSum: 1 + Div: 24 + Equal: 2 + Erf: 12 + Expand: 1 + Gather: 4 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 27 + Not: 1 + Reshape: 48 + Softmax: 12 + Sub: 1 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 124872192 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/bart_Opset16_transformers/bart_Opset16.onnx b/Natural_Language_Processing/bart_Opset16_transformers/bart_Opset16.onnx new file mode 100644 index 000000000..022191999 --- /dev/null +++ b/Natural_Language_Processing/bart_Opset16_transformers/bart_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f0f9239bf81fa0f1a7ffa48e96cbc052af51c40496f604cfbf8a6db6738eb69f +size 557997509 diff --git a/Natural_Language_Processing/bart_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/bart_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..94c358c0e --- /dev/null +++ b/Natural_Language_Processing/bart_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.021231889724731 + set_success: 0.021951675415039062 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/bart_transformers_16fe2154/onnx/bart_transformers_16fe2154-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/bart.py +class: BartModel +hash: 8be7a511 +model_name: bart +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 544919.4746 +onnx_ops_counter: + Add: 224 + Cast: 10 + Concat: 3 + Constant: 359 + ConstantOfShape: 9 + Div: 44 + Equal: 10 + Erf: 12 + Expand: 11 + Gather: 5 + MatMul: 132 + Mul: 85 + Pow: 32 + ReduceMean: 64 + Reshape: 183 + ScatterND: 2 + Shape: 2 + Slice: 2 + Softmax: 18 + Sqrt: 32 + Sub: 34 + Transpose: 90 + Unsqueeze: 6 + Where: 12 +parameters: 139420416 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/bart_Opset17_transformers/bart_Opset17.onnx b/Natural_Language_Processing/bart_Opset17_transformers/bart_Opset17.onnx new file mode 100644 index 000000000..784968909 --- /dev/null +++ b/Natural_Language_Processing/bart_Opset17_transformers/bart_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea8b289fd44d0db465a77b52425591c3e90e7b8a9ce0b4691cb5ee1f9b4eed1d +size 557943055 diff --git a/Natural_Language_Processing/bart_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/bart_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..079c8c992 --- /dev/null +++ b/Natural_Language_Processing/bart_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.274315595626831 + set_success: 0.024005889892578125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/bart_transformers_16fe2154/onnx/bart_transformers_16fe2154-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/bart.py +class: BartModel +hash: 8be7a511 +model_name: bart +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 544866.2969 +onnx_ops_counter: + Add: 160 + Cast: 10 + Concat: 3 + Constant: 295 + ConstantOfShape: 9 + Div: 12 + Equal: 10 + Erf: 12 + Expand: 11 + Gather: 5 + LayerNormalization: 32 + MatMul: 132 + Mul: 53 + Reshape: 183 + ScatterND: 2 + Shape: 2 + Slice: 2 + Softmax: 18 + Sub: 2 + Transpose: 90 + Unsqueeze: 6 + Where: 12 +parameters: 139420416 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/bart_Opset18_transformers/bart_Opset18.onnx b/Natural_Language_Processing/bart_Opset18_transformers/bart_Opset18.onnx new file mode 100644 index 000000000..15e86046a --- /dev/null +++ b/Natural_Language_Processing/bart_Opset18_transformers/bart_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:20d0aa5ee08414ca08b7e8a9eac5a432ac206c49935cd22f9257b92c03d28ead +size 557943055 diff --git a/Natural_Language_Processing/bart_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/bart_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..1df0375bb --- /dev/null +++ b/Natural_Language_Processing/bart_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.854475021362305 + set_success: 0.03021860122680664 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/bart_transformers_16fe2154/onnx/bart_transformers_16fe2154-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/bart.py +class: BartModel +hash: 8be7a511 +model_name: bart +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 544866.2969 +onnx_ops_counter: + Add: 160 + Cast: 10 + Concat: 3 + Constant: 295 + ConstantOfShape: 9 + Div: 12 + Equal: 10 + Erf: 12 + Expand: 11 + Gather: 5 + LayerNormalization: 32 + MatMul: 132 + Mul: 53 + Reshape: 183 + ScatterND: 2 + Shape: 2 + Slice: 2 + Softmax: 18 + Sub: 2 + Transpose: 90 + Unsqueeze: 6 + Where: 12 +parameters: 139420416 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/bert_Opset16_transformers/bert_Opset16.onnx b/Natural_Language_Processing/bert_Opset16_transformers/bert_Opset16.onnx new file mode 100644 index 000000000..0c5a8b043 --- /dev/null +++ b/Natural_Language_Processing/bert_Opset16_transformers/bert_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1bec975ff596d7fd311af7e358eeffeda98068240450dfcb2bff7debdbccd312 +size 438088181 diff --git a/Natural_Language_Processing/bert_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/bert_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..3295ef14c --- /dev/null +++ b/Natural_Language_Processing/bert_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.7395546436309814 + set_success: 0.019655227661132812 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/bert_transformers_bf722986/onnx/bert_transformers_bf722986-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/bert.py +class: BertModel +hash: 52dd384c +model_name: bert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 427820.5215 +onnx_ops_counter: + Add: 172 + Cast: 1 + Constant: 156 + ConstantOfShape: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 4 + Gemm: 1 + MatMul: 96 + Mul: 51 + Pow: 25 + ReduceMean: 50 + Reshape: 48 + Softmax: 12 + Sqrt: 25 + Sub: 26 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 109482240 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/bert_Opset17_transformers/bert_Opset17.onnx b/Natural_Language_Processing/bert_Opset17_transformers/bert_Opset17.onnx new file mode 100644 index 000000000..329da2158 --- /dev/null +++ b/Natural_Language_Processing/bert_Opset17_transformers/bert_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a10e8b051841f96205f11cc615b3bb10641999c7a0fee73afd394b917f7b1770 +size 438044671 diff --git a/Natural_Language_Processing/bert_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/bert_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..71efc4cf3 --- /dev/null +++ b/Natural_Language_Processing/bert_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.480250835418701 + set_success: 0.1521904468536377 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/bert_transformers_bf722986/onnx/bert_transformers_bf722986-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/bert.py +class: BertModel +hash: 52dd384c +model_name: bert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 427778.0312 +onnx_ops_counter: + Add: 122 + Cast: 1 + Constant: 106 + ConstantOfShape: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 4 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 26 + Reshape: 48 + Softmax: 12 + Sub: 1 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 109482240 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/bert_Opset18_transformers/bert_Opset18.onnx b/Natural_Language_Processing/bert_Opset18_transformers/bert_Opset18.onnx new file mode 100644 index 000000000..0e3dbed0a --- /dev/null +++ b/Natural_Language_Processing/bert_Opset18_transformers/bert_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:67457c6ad4fbebef1cc6ab338f253cda0ce2a30cce5d54d33dc36092455417bd +size 438044671 diff --git a/Natural_Language_Processing/bert_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/bert_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..4d412b75a --- /dev/null +++ b/Natural_Language_Processing/bert_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.047738313674927 + set_success: 0.018452882766723633 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/bert_transformers_bf722986/onnx/bert_transformers_bf722986-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/bert.py +class: BertModel +hash: 52dd384c +model_name: bert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 427778.0312 +onnx_ops_counter: + Add: 122 + Cast: 1 + Constant: 106 + ConstantOfShape: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 4 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 26 + Reshape: 48 + Softmax: 12 + Sub: 1 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 109482240 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/bertlmhead_Opset16_transformers/bertlmhead_Opset16.onnx b/Natural_Language_Processing/bertlmhead_Opset16_transformers/bertlmhead_Opset16.onnx new file mode 100644 index 000000000..db584bd2d --- /dev/null +++ b/Natural_Language_Processing/bertlmhead_Opset16_transformers/bertlmhead_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a605f198fb382975e7fc866f72ecf1bd12e5f6710affb92b32c36004fbf5aeaa +size 531997587 diff --git a/Natural_Language_Processing/bertlmhead_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/bertlmhead_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..45ebf2185 --- /dev/null +++ b/Natural_Language_Processing/bertlmhead_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.194482326507568 + set_success: 0.02648448944091797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/bertlmhead_transformers_3e187539/onnx/bertlmhead_transformers_3e187539-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/bertlmhead.py +class: BertLMHeadModel +hash: 22ff1394 +model_name: bertlmhead +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 519528.9258 +onnx_ops_counter: + Add: 177 + Cast: 1 + Constant: 160 + ConstantOfShape: 1 + Div: 51 + Equal: 1 + Erf: 13 + Expand: 1 + Gather: 3 + MatMul: 98 + Mul: 54 + Pow: 26 + ReduceMean: 52 + Reshape: 48 + Softmax: 12 + Sqrt: 26 + Sub: 27 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 132955194 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/bertlmhead_Opset17_transformers/bertlmhead_Opset17.onnx b/Natural_Language_Processing/bertlmhead_Opset17_transformers/bertlmhead_Opset17.onnx new file mode 100644 index 000000000..91ffc6f2c --- /dev/null +++ b/Natural_Language_Processing/bertlmhead_Opset17_transformers/bertlmhead_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fa821387fa34109843f2ec3b9bc0f2fccc83933cb859c23bc0d24d2f884e7046 +size 531948367 diff --git a/Natural_Language_Processing/bertlmhead_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/bertlmhead_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..b9e6b259a --- /dev/null +++ b/Natural_Language_Processing/bertlmhead_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.103936433792114 + set_success: 0.017954587936401367 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/bertlmhead_transformers_3e187539/onnx/bertlmhead_transformers_3e187539-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/bertlmhead.py +class: BertLMHeadModel +hash: 22ff1394 +model_name: bertlmhead +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 519480.8594 +onnx_ops_counter: + Add: 125 + Cast: 1 + Constant: 108 + ConstantOfShape: 1 + Div: 25 + Equal: 1 + Erf: 13 + Expand: 1 + Gather: 3 + LayerNormalization: 26 + MatMul: 98 + Mul: 28 + Reshape: 48 + Softmax: 12 + Sub: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 132955194 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/bertlmhead_Opset18_transformers/bertlmhead_Opset18.onnx b/Natural_Language_Processing/bertlmhead_Opset18_transformers/bertlmhead_Opset18.onnx new file mode 100644 index 000000000..4b061c047 --- /dev/null +++ b/Natural_Language_Processing/bertlmhead_Opset18_transformers/bertlmhead_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66edb823eb9d95b218157f4ba9d59659780bae171a1fdb28a7f17549f36222cb +size 531948367 diff --git a/Natural_Language_Processing/bertlmhead_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/bertlmhead_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..8cddc63a8 --- /dev/null +++ b/Natural_Language_Processing/bertlmhead_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.214788913726807 + set_success: 0.021007299423217773 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/bertlmhead_transformers_3e187539/onnx/bertlmhead_transformers_3e187539-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/bertlmhead.py +class: BertLMHeadModel +hash: 22ff1394 +model_name: bertlmhead +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 519480.8594 +onnx_ops_counter: + Add: 125 + Cast: 1 + Constant: 108 + ConstantOfShape: 1 + Div: 25 + Equal: 1 + Erf: 13 + Expand: 1 + Gather: 3 + LayerNormalization: 26 + MatMul: 98 + Mul: 28 + Reshape: 48 + Softmax: 12 + Sub: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 132955194 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/bigbird_Opset16_transformers/bigbird_Opset16.onnx b/Natural_Language_Processing/bigbird_Opset16_transformers/bigbird_Opset16.onnx new file mode 100644 index 000000000..311227214 --- /dev/null +++ b/Natural_Language_Processing/bigbird_Opset16_transformers/bigbird_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:649cc55d6ee196a8f5ae6dbecc527f5bb3cc3ec5e26bf90dea8bfa76b9504175 +size 510047861 diff --git a/Natural_Language_Processing/bigbird_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/bigbird_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..73d9f1c1d --- /dev/null +++ b/Natural_Language_Processing/bigbird_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.188079118728638 + set_success: 0.02271437644958496 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/bigbird_transformers_998f5f03/onnx/bigbird_transformers_998f5f03-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/bigbird.py +class: BigBirdModel +hash: d0866efc +model_name: bigbird +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 498093.6465 +onnx_ops_counter: + Add: 184 + Cast: 1 + Constant: 180 + ConstantOfShape: 1 + Div: 37 + Equal: 1 + Expand: 1 + Gather: 4 + Gemm: 1 + MatMul: 96 + Mul: 75 + Pow: 37 + ReduceMean: 50 + Reshape: 48 + Softmax: 12 + Sqrt: 25 + Sub: 26 + Tanh: 13 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 127468800 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/bigbird_Opset17_transformers/bigbird_Opset17.onnx b/Natural_Language_Processing/bigbird_Opset17_transformers/bigbird_Opset17.onnx new file mode 100644 index 000000000..3f476d022 --- /dev/null +++ b/Natural_Language_Processing/bigbird_Opset17_transformers/bigbird_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:326c539808a9d445ef616309ae7fd7e9b1b97cea520d00df87521c56ce39d481 +size 510004351 diff --git a/Natural_Language_Processing/bigbird_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/bigbird_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..c41b8917e --- /dev/null +++ b/Natural_Language_Processing/bigbird_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.58476710319519 + set_success: 0.8118550777435303 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/bigbird_transformers_998f5f03/onnx/bigbird_transformers_998f5f03-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/bigbird.py +class: BigBirdModel +hash: d0866efc +model_name: bigbird +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 498051.1562 +onnx_ops_counter: + Add: 134 + Cast: 1 + Constant: 130 + ConstantOfShape: 1 + Div: 12 + Equal: 1 + Expand: 1 + Gather: 4 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 50 + Pow: 12 + Reshape: 48 + Softmax: 12 + Sub: 1 + Tanh: 13 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 127468800 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/bigbird_Opset18_transformers/bigbird_Opset18.onnx b/Natural_Language_Processing/bigbird_Opset18_transformers/bigbird_Opset18.onnx new file mode 100644 index 000000000..4cf4a0100 --- /dev/null +++ b/Natural_Language_Processing/bigbird_Opset18_transformers/bigbird_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b717dd6db45bb58824188367304868a104dc8e54a6ccbd3fb97b8e9805df5175 +size 510004351 diff --git a/Natural_Language_Processing/bigbird_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/bigbird_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..e9f0fdbc9 --- /dev/null +++ b/Natural_Language_Processing/bigbird_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.738250970840454 + set_success: 0.022022485733032227 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/bigbird_transformers_998f5f03/onnx/bigbird_transformers_998f5f03-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/bigbird.py +class: BigBirdModel +hash: d0866efc +model_name: bigbird +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 498051.1562 +onnx_ops_counter: + Add: 134 + Cast: 1 + Constant: 130 + ConstantOfShape: 1 + Div: 12 + Equal: 1 + Expand: 1 + Gather: 4 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 50 + Pow: 12 + Reshape: 48 + Softmax: 12 + Sub: 1 + Tanh: 13 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 127468800 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/bigbirdpegasus_Opset16_transformers/bigbirdpegasus_Opset16.tar.gz b/Natural_Language_Processing/bigbirdpegasus_Opset16_transformers/bigbirdpegasus_Opset16.tar.gz new file mode 100644 index 000000000..73f226c63 --- /dev/null +++ b/Natural_Language_Processing/bigbirdpegasus_Opset16_transformers/bigbirdpegasus_Opset16.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c0a8f03160b699558045598fe1a1e9869eaf15ad595f69ca4c0bead423c45e5 +size 2117227909 diff --git a/Natural_Language_Processing/bigbirdpegasus_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/bigbirdpegasus_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..dc7bc306d --- /dev/null +++ b/Natural_Language_Processing/bigbirdpegasus_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 27.777092456817627 + set_success: 0.046994924545288086 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/bigbirdpegasus_transformers_eaf66f5e/onnx/bigbirdpegasus_transformers_eaf66f5e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/bigbirdpegasus.py +class: BigBirdPegasusModel +hash: 415e0440 +model_name: bigbirdpegasus +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): null +onnx_ops_counter: + Add: 406 + Cast: 5 + Concat: 3 + Constant: 803 + ConstantOfShape: 6 + Div: 98 + Equal: 7 + Expand: 8 + Gather: 3 + Identity: 1 + MatMul: 352 + Mul: 250 + Pow: 114 + ReduceMean: 164 + Reshape: 388 + ScatterND: 2 + Shape: 2 + Slice: 2 + Softmax: 48 + Sqrt: 82 + Sub: 83 + Tanh: 32 + Transpose: 224 + Unsqueeze: 6 + Where: 8 +parameters: 576891904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/bigbirdpegasus_Opset17_transformers/bigbirdpegasus_Opset17.tar.gz b/Natural_Language_Processing/bigbirdpegasus_Opset17_transformers/bigbirdpegasus_Opset17.tar.gz new file mode 100644 index 000000000..09f7065b9 --- /dev/null +++ b/Natural_Language_Processing/bigbirdpegasus_Opset17_transformers/bigbirdpegasus_Opset17.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e13675d463a821317687296c5df26f589ce22562101d2280ada29cd0d4d8d534 +size 2117223719 diff --git a/Natural_Language_Processing/bigbirdpegasus_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/bigbirdpegasus_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..f6fd169d6 --- /dev/null +++ b/Natural_Language_Processing/bigbirdpegasus_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 31.47494339942932 + set_success: 0.051444292068481445 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/bigbirdpegasus_transformers_eaf66f5e/onnx/bigbirdpegasus_transformers_eaf66f5e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/bigbirdpegasus.py +class: BigBirdPegasusModel +hash: 415e0440 +model_name: bigbirdpegasus +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): null +onnx_ops_counter: + Add: 242 + Cast: 5 + Concat: 3 + Constant: 639 + ConstantOfShape: 6 + Div: 16 + Equal: 7 + Expand: 8 + Gather: 3 + Identity: 1 + LayerNormalization: 82 + MatMul: 352 + Mul: 168 + Pow: 32 + Reshape: 388 + ScatterND: 2 + Shape: 2 + Slice: 2 + Softmax: 48 + Sub: 1 + Tanh: 32 + Transpose: 224 + Unsqueeze: 6 + Where: 8 +parameters: 576891904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/bigbirdpegasus_Opset18_transformers/bigbirdpegasus_Opset18.tar.gz b/Natural_Language_Processing/bigbirdpegasus_Opset18_transformers/bigbirdpegasus_Opset18.tar.gz new file mode 100644 index 000000000..411d02ebc --- /dev/null +++ b/Natural_Language_Processing/bigbirdpegasus_Opset18_transformers/bigbirdpegasus_Opset18.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:083a8509eb28bd5dd0dc22b8bc8a18343fb94473d848351d43db8b5a68088921 +size 2117223007 diff --git a/Natural_Language_Processing/bigbirdpegasus_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/bigbirdpegasus_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..ac9849e78 --- /dev/null +++ b/Natural_Language_Processing/bigbirdpegasus_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 28.685950994491577 + set_success: 0.0479738712310791 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/bigbirdpegasus_transformers_eaf66f5e/onnx/bigbirdpegasus_transformers_eaf66f5e-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/bigbirdpegasus.py +class: BigBirdPegasusModel +hash: 415e0440 +model_name: bigbirdpegasus +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): null +onnx_ops_counter: + Add: 242 + Cast: 5 + Concat: 3 + Constant: 639 + ConstantOfShape: 6 + Div: 16 + Equal: 7 + Expand: 8 + Gather: 3 + Identity: 1 + LayerNormalization: 82 + MatMul: 352 + Mul: 168 + Pow: 32 + Reshape: 388 + ScatterND: 2 + Shape: 2 + Slice: 2 + Softmax: 48 + Sub: 1 + Tanh: 32 + Transpose: 224 + Unsqueeze: 6 + Where: 8 +parameters: 576891904 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/blenderbot_Opset16_transformers/blenderbot_Opset16.onnx b/Natural_Language_Processing/blenderbot_Opset16_transformers/blenderbot_Opset16.onnx new file mode 100644 index 000000000..4686d7ba2 --- /dev/null +++ b/Natural_Language_Processing/blenderbot_Opset16_transformers/blenderbot_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:17c0e421a9b7539cb2046cd7c647a3e24cdd3052a2b40495bb63555a18265cb0 +size 1458944751 diff --git a/Natural_Language_Processing/blenderbot_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/blenderbot_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..ee7e8186f --- /dev/null +++ b/Natural_Language_Processing/blenderbot_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 21.95208740234375 + set_success: 0.030917644500732422 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/blenderbot_transformers_989325dc/onnx/blenderbot_transformers_989325dc-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/blenderbot.py +class: BlenderbotModel +hash: bf6d8047 +model_name: blenderbot +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1424750.7656 +onnx_ops_counter: + Add: 298 + Cast: 6 + Constant: 432 + ConstantOfShape: 3 + Div: 56 + Equal: 3 + Erf: 14 + Expand: 3 + Gather: 2 + Identity: 1 + MatMul: 184 + Mul: 101 + Pow: 42 + ReduceMean: 84 + Reshape: 262 + Softmax: 26 + Sqrt: 42 + Sub: 44 + Transpose: 130 + Unsqueeze: 2 + Where: 5 +parameters: 364802560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/blenderbot_Opset17_transformers/blenderbot_Opset17.onnx b/Natural_Language_Processing/blenderbot_Opset17_transformers/blenderbot_Opset17.onnx new file mode 100644 index 000000000..e8683c653 --- /dev/null +++ b/Natural_Language_Processing/blenderbot_Opset17_transformers/blenderbot_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4048854b4de7c0f40b46d22b2b18365a5bb3b1257fd80d46f5a31ccbe8f10b91 +size 1458872305 diff --git a/Natural_Language_Processing/blenderbot_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/blenderbot_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..538ffbc38 --- /dev/null +++ b/Natural_Language_Processing/blenderbot_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 23.251977920532227 + set_success: 0.03327631950378418 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/blenderbot_transformers_989325dc/onnx/blenderbot_transformers_989325dc-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/blenderbot.py +class: BlenderbotModel +hash: bf6d8047 +model_name: blenderbot +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1424680.0176 +onnx_ops_counter: + Add: 214 + Cast: 6 + Constant: 348 + ConstantOfShape: 3 + Div: 14 + Equal: 3 + Erf: 14 + Expand: 3 + Gather: 2 + Identity: 1 + LayerNormalization: 42 + MatMul: 184 + Mul: 59 + Reshape: 262 + Softmax: 26 + Sub: 2 + Transpose: 130 + Unsqueeze: 2 + Where: 5 +parameters: 364802560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/blenderbot_Opset18_transformers/blenderbot_Opset18.onnx b/Natural_Language_Processing/blenderbot_Opset18_transformers/blenderbot_Opset18.onnx new file mode 100644 index 000000000..4f3861180 --- /dev/null +++ b/Natural_Language_Processing/blenderbot_Opset18_transformers/blenderbot_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:514f56498b16082a4ced81011e708a8ef396a2c712b9978d02d7f8195b7be850 +size 1458872305 diff --git a/Natural_Language_Processing/blenderbot_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/blenderbot_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..cc7a92a4c --- /dev/null +++ b/Natural_Language_Processing/blenderbot_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 20.30952739715576 + set_success: 0.03432345390319824 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/blenderbot_transformers_989325dc/onnx/blenderbot_transformers_989325dc-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/blenderbot.py +class: BlenderbotModel +hash: bf6d8047 +model_name: blenderbot +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1424680.0176 +onnx_ops_counter: + Add: 214 + Cast: 6 + Constant: 348 + ConstantOfShape: 3 + Div: 14 + Equal: 3 + Erf: 14 + Expand: 3 + Gather: 2 + Identity: 1 + LayerNormalization: 42 + MatMul: 184 + Mul: 59 + Reshape: 262 + Softmax: 26 + Sub: 2 + Transpose: 130 + Unsqueeze: 2 + Where: 5 +parameters: 364802560 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/blenderbotsmall_Opset16_transformers/blenderbotsmall_Opset16.onnx b/Natural_Language_Processing/blenderbotsmall_Opset16_transformers/blenderbotsmall_Opset16.onnx new file mode 100644 index 000000000..4874b47e1 --- /dev/null +++ b/Natural_Language_Processing/blenderbotsmall_Opset16_transformers/blenderbotsmall_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3bb06392651cde9ea61c7ebb4330cba47e2592ff016f692abe8210fb0df4b2c +size 348840741 diff --git a/Natural_Language_Processing/blenderbotsmall_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/blenderbotsmall_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..1e7c7418f --- /dev/null +++ b/Natural_Language_Processing/blenderbotsmall_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.71111512184143 + set_success: 0.026445865631103516 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/blenderbotsmall_transformers_f7cf3b39/onnx/blenderbotsmall_transformers_f7cf3b39-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/blenderbotsmall.py +class: BlenderbotSmallModel +hash: 86ee707d +model_name: blenderbotsmall +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 340664.8184 +onnx_ops_counter: + Add: 294 + Cast: 6 + Constant: 416 + ConstantOfShape: 3 + Div: 58 + Equal: 3 + Erf: 16 + Expand: 3 + Gather: 2 + MatMul: 176 + Mul: 103 + Pow: 42 + ReduceMean: 84 + Reshape: 242 + Softmax: 24 + Sqrt: 42 + Sub: 44 + Transpose: 120 + Unsqueeze: 2 + Where: 5 +parameters: 87508992 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/blenderbotsmall_Opset17_transformers/blenderbotsmall_Opset17.onnx b/Natural_Language_Processing/blenderbotsmall_Opset17_transformers/blenderbotsmall_Opset17.onnx new file mode 100644 index 000000000..dcf5b711f --- /dev/null +++ b/Natural_Language_Processing/blenderbotsmall_Opset17_transformers/blenderbotsmall_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:24dcfe73a7e02dd25f18e42950732a60fa570f63257d66ab8f11d0a07c221d64 +size 348769080 diff --git a/Natural_Language_Processing/blenderbotsmall_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/blenderbotsmall_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..5b4a75d28 --- /dev/null +++ b/Natural_Language_Processing/blenderbotsmall_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.755354642868042 + set_success: 0.024219274520874023 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/blenderbotsmall_transformers_f7cf3b39/onnx/blenderbotsmall_transformers_f7cf3b39-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/blenderbotsmall.py +class: BlenderbotSmallModel +hash: 86ee707d +model_name: blenderbotsmall +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 340594.8369 +onnx_ops_counter: + Add: 210 + Cast: 6 + Constant: 332 + ConstantOfShape: 3 + Div: 16 + Equal: 3 + Erf: 16 + Expand: 3 + Gather: 2 + LayerNormalization: 42 + MatMul: 176 + Mul: 61 + Reshape: 242 + Softmax: 24 + Sub: 2 + Transpose: 120 + Unsqueeze: 2 + Where: 5 +parameters: 87508992 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/blenderbotsmall_Opset18_transformers/blenderbotsmall_Opset18.onnx b/Natural_Language_Processing/blenderbotsmall_Opset18_transformers/blenderbotsmall_Opset18.onnx new file mode 100644 index 000000000..bd2b1969b --- /dev/null +++ b/Natural_Language_Processing/blenderbotsmall_Opset18_transformers/blenderbotsmall_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:38a4c75e8773af1d303ce992f3cd138e0491762d9073643ab4283215a39392ff +size 348769080 diff --git a/Natural_Language_Processing/blenderbotsmall_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/blenderbotsmall_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..6ac30507c --- /dev/null +++ b/Natural_Language_Processing/blenderbotsmall_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.920369386672974 + set_success: 0.030813932418823242 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/blenderbotsmall_transformers_f7cf3b39/onnx/blenderbotsmall_transformers_f7cf3b39-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/blenderbotsmall.py +class: BlenderbotSmallModel +hash: 86ee707d +model_name: blenderbotsmall +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 340594.8369 +onnx_ops_counter: + Add: 210 + Cast: 6 + Constant: 332 + ConstantOfShape: 3 + Div: 16 + Equal: 3 + Erf: 16 + Expand: 3 + Gather: 2 + LayerNormalization: 42 + MatMul: 176 + Mul: 61 + Reshape: 242 + Softmax: 24 + Sub: 2 + Transpose: 120 + Unsqueeze: 2 + Where: 5 +parameters: 87508992 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/bloom_Opset16_transformers/bloom_Opset16.tar.gz b/Natural_Language_Processing/bloom_Opset16_transformers/bloom_Opset16.tar.gz new file mode 100644 index 000000000..3c8732a38 --- /dev/null +++ b/Natural_Language_Processing/bloom_Opset16_transformers/bloom_Opset16.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e3ab40b7d5f21abc2ecbc31913ddd7302fb98280ea6784de7c5172ddeb78f6f +size 1311343495 diff --git a/Natural_Language_Processing/bloom_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/bloom_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..4eef1b8cb --- /dev/null +++ b/Natural_Language_Processing/bloom_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 23.97850227355957 + set_success: 0.0349421501159668 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/bloom_transformers_6da38299/onnx/bloom_transformers_6da38299-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/bloom.py +class: BloomModel +hash: 56ee6241 +model_name: bloom +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): null +onnx_ops_counter: + Add: 317 + Cast: 79 + Constant: 503 + ConstantOfShape: 2 + CumSum: 1 + Div: 50 + Equal: 2 + Expand: 2 + Gather: 73 + MatMul: 144 + Mul: 246 + Pow: 50 + ReduceMean: 100 + Reshape: 193 + Softmax: 24 + Sqrt: 50 + Sub: 52 + Tanh: 24 + Transpose: 96 + Unsqueeze: 3 + Where: 27 +parameters: 559214592 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/bloom_Opset17_transformers/bloom_Opset17.tar.gz b/Natural_Language_Processing/bloom_Opset17_transformers/bloom_Opset17.tar.gz new file mode 100644 index 000000000..ae652db8f --- /dev/null +++ b/Natural_Language_Processing/bloom_Opset17_transformers/bloom_Opset17.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1028768ed62961158e480e6bb98d397f914d11911c822d8161b4910c4f07468e +size 1311338298 diff --git a/Natural_Language_Processing/bloom_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/bloom_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..83475bbb7 --- /dev/null +++ b/Natural_Language_Processing/bloom_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.065478801727295 + set_success: 0.2903099060058594 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/bloom_transformers_6da38299/onnx/bloom_transformers_6da38299-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/bloom.py +class: BloomModel +hash: 56ee6241 +model_name: bloom +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): null +onnx_ops_counter: + Add: 217 + Cast: 79 + Constant: 403 + ConstantOfShape: 2 + CumSum: 1 + Equal: 2 + Expand: 2 + Gather: 73 + LayerNormalization: 50 + MatMul: 144 + Mul: 196 + Reshape: 193 + Softmax: 24 + Sub: 2 + Tanh: 24 + Transpose: 96 + Unsqueeze: 3 + Where: 27 +parameters: 559214592 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/bloom_Opset18_transformers/bloom_Opset18.tar.gz b/Natural_Language_Processing/bloom_Opset18_transformers/bloom_Opset18.tar.gz new file mode 100644 index 000000000..3e3a07348 --- /dev/null +++ b/Natural_Language_Processing/bloom_Opset18_transformers/bloom_Opset18.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc31c5795aba0af6911ccb0c1f04e9aeb00ab63ad1898368ea2b3a31989c6cbd +size 1311337587 diff --git a/Natural_Language_Processing/bloom_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/bloom_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..324b556b4 --- /dev/null +++ b/Natural_Language_Processing/bloom_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 14.68587875366211 + set_success: 0.0332033634185791 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/bloom_transformers_6da38299/onnx/bloom_transformers_6da38299-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/bloom.py +class: BloomModel +hash: 56ee6241 +model_name: bloom +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): null +onnx_ops_counter: + Add: 217 + Cast: 79 + Constant: 403 + ConstantOfShape: 2 + CumSum: 1 + Equal: 2 + Expand: 2 + Gather: 73 + LayerNormalization: 50 + MatMul: 144 + Mul: 196 + Reshape: 193 + Softmax: 24 + Sub: 2 + Tanh: 24 + Transpose: 96 + Unsqueeze: 3 + Where: 27 +parameters: 559214592 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/camembert_Opset16_transformers/camembert_Opset16.onnx b/Natural_Language_Processing/camembert_Opset16_transformers/camembert_Opset16.onnx new file mode 100644 index 000000000..6bcbed34f --- /dev/null +++ b/Natural_Language_Processing/camembert_Opset16_transformers/camembert_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:28b593925b1561a616f77770ea9ec078d391b7138af2c642846457ce51bb7fe6 +size 442646889 diff --git a/Natural_Language_Processing/camembert_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/camembert_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..bb3391bd0 --- /dev/null +++ b/Natural_Language_Processing/camembert_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.151932239532471 + set_success: 0.018514633178710938 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/camembert_transformers_d6b8ed88/onnx/camembert_transformers_d6b8ed88-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/camembert.py +class: CamembertModel +hash: f4fc11d0 +model_name: camembert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 432272.3848 +onnx_ops_counter: + Add: 173 + Cast: 3 + Constant: 158 + ConstantOfShape: 1 + CumSum: 1 + Div: 49 + Equal: 2 + Erf: 12 + Expand: 1 + Gather: 4 + Gemm: 1 + MatMul: 96 + Mul: 52 + Not: 1 + Pow: 25 + ReduceMean: 50 + Reshape: 48 + Softmax: 12 + Sqrt: 25 + Sub: 26 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 110621952 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/camembert_Opset17_transformers/camembert_Opset17.onnx b/Natural_Language_Processing/camembert_Opset17_transformers/camembert_Opset17.onnx new file mode 100644 index 000000000..d7450ff18 --- /dev/null +++ b/Natural_Language_Processing/camembert_Opset17_transformers/camembert_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d2126f8a5feea864a30e9a221337d39dbba0ae67acde1ea0cd03da84e279b9fd +size 442603379 diff --git a/Natural_Language_Processing/camembert_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/camembert_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..56886bc04 --- /dev/null +++ b/Natural_Language_Processing/camembert_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.315639495849609 + set_success: 0.01976799964904785 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/camembert_transformers_d6b8ed88/onnx/camembert_transformers_d6b8ed88-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/camembert.py +class: CamembertModel +hash: f4fc11d0 +model_name: camembert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 432229.8945 +onnx_ops_counter: + Add: 123 + Cast: 3 + Constant: 108 + ConstantOfShape: 1 + CumSum: 1 + Div: 24 + Equal: 2 + Erf: 12 + Expand: 1 + Gather: 4 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 27 + Not: 1 + Reshape: 48 + Softmax: 12 + Sub: 1 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 110621952 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/camembert_Opset18_transformers/camembert_Opset18.onnx b/Natural_Language_Processing/camembert_Opset18_transformers/camembert_Opset18.onnx new file mode 100644 index 000000000..8b681606c --- /dev/null +++ b/Natural_Language_Processing/camembert_Opset18_transformers/camembert_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8238b6c9a22002be3328d5a1539c48e88de44310cb36de53cfe96634f251aa1e +size 442603379 diff --git a/Natural_Language_Processing/camembert_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/camembert_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..38fb96f20 --- /dev/null +++ b/Natural_Language_Processing/camembert_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.779853105545044 + set_success: 0.01883387565612793 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/camembert_transformers_d6b8ed88/onnx/camembert_transformers_d6b8ed88-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/camembert.py +class: CamembertModel +hash: f4fc11d0 +model_name: camembert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 432229.8945 +onnx_ops_counter: + Add: 123 + Cast: 3 + Constant: 108 + ConstantOfShape: 1 + CumSum: 1 + Div: 24 + Equal: 2 + Erf: 12 + Expand: 1 + Gather: 4 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 27 + Not: 1 + Reshape: 48 + Softmax: 12 + Sub: 1 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 110621952 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/canine_Opset16_transformers/canine_Opset16.onnx b/Natural_Language_Processing/canine_Opset16_transformers/canine_Opset16.onnx new file mode 100644 index 000000000..5406dd109 --- /dev/null +++ b/Natural_Language_Processing/canine_Opset16_transformers/canine_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bad1ce3c6f07f75b05528691dcba962850811ef46e55bcd3b0c48592eece1193 +size 528558317 diff --git a/Natural_Language_Processing/canine_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/canine_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..1c3826250 --- /dev/null +++ b/Natural_Language_Processing/canine_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,221 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.903998613357544 + set_success: 0.025600671768188477 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/canine_transformers_5652d80b/onnx/canine_transformers_5652d80b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/canine.py +class: CanineModel +hash: 2a25ed65 +model_name: canine +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 516170.2637 +onnx_ops_counter: + Add: 207 + Cast: 6 + Concat: 12 + Constant: 287 + ConstantOfShape: 1 + Conv: 2 + Div: 61 + Erf: 16 + Gather: 19 + Gemm: 1 + MatMul: 112 + MaxPool: 1 + Mod: 8 + Mul: 75 + Pad: 1 + Pow: 31 + ReduceMean: 62 + Reshape: 62 + Shape: 10 + Slice: 12 + Softmax: 14 + Sqrt: 31 + Sub: 34 + Tanh: 1 + Tile: 2 + Transpose: 61 + Unsqueeze: 14 +parameters: 132082944 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/canine_Opset17_transformers/canine_Opset17.onnx b/Natural_Language_Processing/canine_Opset17_transformers/canine_Opset17.onnx new file mode 100644 index 000000000..e59ed5358 --- /dev/null +++ b/Natural_Language_Processing/canine_Opset17_transformers/canine_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:72696632e6ce082983c9d6b902d44f84eab6bc6a343f6da2b37717e494b7809f +size 528503398 diff --git a/Natural_Language_Processing/canine_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/canine_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..320f0a105 --- /dev/null +++ b/Natural_Language_Processing/canine_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.814607620239258 + set_success: 0.02266669273376465 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/canine_transformers_5652d80b/onnx/canine_transformers_5652d80b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/canine.py +class: CanineModel +hash: 2a25ed65 +model_name: canine +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 516116.6318 +onnx_ops_counter: + Add: 145 + Cast: 6 + Concat: 12 + Constant: 225 + ConstantOfShape: 1 + Conv: 2 + Div: 30 + Erf: 16 + Gather: 19 + Gemm: 1 + LayerNormalization: 31 + MatMul: 112 + MaxPool: 1 + Mod: 8 + Mul: 44 + Pad: 1 + Reshape: 62 + Shape: 10 + Slice: 12 + Softmax: 14 + Sub: 3 + Tanh: 1 + Tile: 2 + Transpose: 61 + Unsqueeze: 14 +parameters: 132082944 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/canine_Opset18_transformers/canine_Opset18.onnx b/Natural_Language_Processing/canine_Opset18_transformers/canine_Opset18.onnx new file mode 100644 index 000000000..d2a4372a3 --- /dev/null +++ b/Natural_Language_Processing/canine_Opset18_transformers/canine_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:795ca88ff9ce10ddffc22cadbb64798caa9175336ed958e9e256dee126cae800 +size 528503398 diff --git a/Natural_Language_Processing/canine_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/canine_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..00f8fe5fd --- /dev/null +++ b/Natural_Language_Processing/canine_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.097835063934326 + set_success: 0.02178359031677246 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/canine_transformers_5652d80b/onnx/canine_transformers_5652d80b-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/canine.py +class: CanineModel +hash: 2a25ed65 +model_name: canine +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 516116.6318 +onnx_ops_counter: + Add: 145 + Cast: 6 + Concat: 12 + Constant: 225 + ConstantOfShape: 1 + Conv: 2 + Div: 30 + Erf: 16 + Gather: 19 + Gemm: 1 + LayerNormalization: 31 + MatMul: 112 + MaxPool: 1 + Mod: 8 + Mul: 44 + Pad: 1 + Reshape: 62 + Shape: 10 + Slice: 12 + Softmax: 14 + Sub: 3 + Tanh: 1 + Tile: 2 + Transpose: 61 + Unsqueeze: 14 +parameters: 132082944 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/convbert_Opset16_transformers/convbert_Opset16.onnx b/Natural_Language_Processing/convbert_Opset16_transformers/convbert_Opset16.onnx new file mode 100644 index 000000000..5efc9c0cf --- /dev/null +++ b/Natural_Language_Processing/convbert_Opset16_transformers/convbert_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e8629fca5b7563777fc536d939e9c91231aec4478de3ac73c3eee7e060dd7d17 +size 423063275 diff --git a/Natural_Language_Processing/convbert_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/convbert_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..e543724f6 --- /dev/null +++ b/Natural_Language_Processing/convbert_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.409818649291992 + set_success: 0.02037954330444336 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convbert_transformers_b3f7d9c0/onnx/convbert_transformers_b3f7d9c0-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/convbert.py +class: ConvBertModel +hash: a0cab96f +model_name: convbert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 413147.7617 +onnx_ops_counter: + Add: 256 + Cast: 1 + Concat: 24 + Constant: 491 + ConstantOfShape: 1 + Conv: 24 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 75 + MatMul: 132 + Mul: 75 + Pad: 12 + Pow: 25 + Range: 24 + ReduceMean: 50 + Reshape: 132 + Shape: 48 + Softmax: 24 + Sqrt: 25 + Sub: 50 + Transpose: 108 + Unsqueeze: 62 + Where: 1 +parameters: 105680520 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/convbert_Opset17_transformers/convbert_Opset17.onnx b/Natural_Language_Processing/convbert_Opset17_transformers/convbert_Opset17.onnx new file mode 100644 index 000000000..8c1212f49 --- /dev/null +++ b/Natural_Language_Processing/convbert_Opset17_transformers/convbert_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1268958a9b9d9242073040d1b86932ce0d915d41826d76aedcc90cf6adf4ff5f +size 423020077 diff --git a/Natural_Language_Processing/convbert_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/convbert_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..55d0027a1 --- /dev/null +++ b/Natural_Language_Processing/convbert_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.382740020751953 + set_success: 0.021800756454467773 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convbert_transformers_b3f7d9c0/onnx/convbert_transformers_b3f7d9c0-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/convbert.py +class: ConvBertModel +hash: a0cab96f +model_name: convbert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 413105.5762 +onnx_ops_counter: + Add: 206 + Cast: 1 + Concat: 24 + Constant: 441 + ConstantOfShape: 1 + Conv: 24 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 75 + LayerNormalization: 25 + MatMul: 132 + Mul: 50 + Pad: 12 + Range: 24 + Reshape: 132 + Shape: 48 + Softmax: 24 + Sub: 25 + Transpose: 108 + Unsqueeze: 62 + Where: 1 +parameters: 105680520 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/convbert_Opset18_transformers/convbert_Opset18.onnx b/Natural_Language_Processing/convbert_Opset18_transformers/convbert_Opset18.onnx new file mode 100644 index 000000000..93002641a --- /dev/null +++ b/Natural_Language_Processing/convbert_Opset18_transformers/convbert_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e7687785f04bdf51cffb6ec88f0799411c0da7659257bd73a85ac622a6f8aa95 +size 423020077 diff --git a/Natural_Language_Processing/convbert_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/convbert_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..82722debb --- /dev/null +++ b/Natural_Language_Processing/convbert_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.64527940750122 + set_success: 0.02063274383544922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/convbert_transformers_b3f7d9c0/onnx/convbert_transformers_b3f7d9c0-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/convbert.py +class: ConvBertModel +hash: a0cab96f +model_name: convbert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 413105.5762 +onnx_ops_counter: + Add: 206 + Cast: 1 + Concat: 24 + Constant: 441 + ConstantOfShape: 1 + Conv: 24 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 75 + LayerNormalization: 25 + MatMul: 132 + Mul: 50 + Pad: 12 + Range: 24 + Reshape: 132 + Shape: 48 + Softmax: 24 + Sub: 25 + Transpose: 108 + Unsqueeze: 62 + Where: 1 +parameters: 105680520 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/deberta_Opset16_transformers/deberta_Opset16.onnx b/Natural_Language_Processing/deberta_Opset16_transformers/deberta_Opset16.onnx new file mode 100644 index 000000000..47ab4dc41 --- /dev/null +++ b/Natural_Language_Processing/deberta_Opset16_transformers/deberta_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e86e2699d65ffb438b1f8b2889aa76b699899ddd683fd4eed110cb4a53e3c00 +size 552343500 diff --git a/Natural_Language_Processing/deberta_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/deberta_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..e064fef20 --- /dev/null +++ b/Natural_Language_Processing/deberta_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.834060192108154 + set_success: 0.021137475967407227 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deberta_transformers_b43a9498/onnx/deberta_transformers_b43a9498-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/deberta.py +class: DebertaModel +hash: cfc3cc11 +model_name: deberta +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 539397.9814 +onnx_ops_counter: + Add: 230 + Cast: 113 + Clip: 24 + Constant: 449 + ConstantOfShape: 25 + Div: 73 + Equal: 24 + Erf: 12 + Expand: 25 + Gather: 13 + GatherElements: 24 + Identity: 11 + MatMul: 120 + Mul: 111 + Neg: 1 + Pow: 25 + ReduceMean: 50 + Reshape: 48 + Shape: 12 + Slice: 37 + Softmax: 12 + Sqrt: 25 + Squeeze: 1 + Sub: 38 + Tile: 1 + Transpose: 84 + Unsqueeze: 6 + Where: 48 +parameters: 138601728 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/deberta_Opset17_transformers/deberta_Opset17.onnx b/Natural_Language_Processing/deberta_Opset17_transformers/deberta_Opset17.onnx new file mode 100644 index 000000000..f7894fe12 --- /dev/null +++ b/Natural_Language_Processing/deberta_Opset17_transformers/deberta_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0171a5fbe10692653d05047f9ea900543fccfaac64f82efd29b70ad9dafd4e1b +size 552343500 diff --git a/Natural_Language_Processing/deberta_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/deberta_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..acc9c6fa4 --- /dev/null +++ b/Natural_Language_Processing/deberta_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.277376890182495 + set_success: 0.02149367332458496 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/deberta_transformers_b43a9498/onnx/deberta_transformers_b43a9498-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/deberta.py +class: DebertaModel +hash: cfc3cc11 +model_name: deberta +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 539397.9814 +onnx_ops_counter: + Add: 230 + Cast: 113 + Clip: 24 + Constant: 449 + ConstantOfShape: 25 + Div: 73 + Equal: 24 + Erf: 12 + Expand: 25 + Gather: 13 + GatherElements: 24 + Identity: 11 + MatMul: 120 + Mul: 111 + Neg: 1 + Pow: 25 + ReduceMean: 50 + Reshape: 48 + Shape: 12 + Slice: 37 + Softmax: 12 + Sqrt: 25 + Squeeze: 1 + Sub: 38 + Tile: 1 + Transpose: 84 + Unsqueeze: 6 + Where: 48 +parameters: 138601728 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/debertav2_Opset16_transformers/debertav2_Opset16.tar.gz b/Natural_Language_Processing/debertav2_Opset16_transformers/debertav2_Opset16.tar.gz new file mode 100644 index 000000000..ea5df01c2 --- /dev/null +++ b/Natural_Language_Processing/debertav2_Opset16_transformers/debertav2_Opset16.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e054102bca9cea5f49767be6745dc63a3cffddf8498ee361a3f4e6286e77e90f +size 2052620725 diff --git a/Natural_Language_Processing/debertav2_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/debertav2_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..d68c55b87 --- /dev/null +++ b/Natural_Language_Processing/debertav2_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 65.5631103515625 + set_success: 0.03743338584899902 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/debertav2_transformers_01b72682/onnx/debertav2_transformers_01b72682-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/debertav2.py +class: DebertaV2Model +hash: 2322ccff +model_name: debertav2 +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): null +onnx_ops_counter: + Abs: 1 + Add: 443 + And: 1 + Cast: 105 + Ceil: 1 + Clip: 2 + Constant: 961 + ConstantOfShape: 97 + Conv: 1 + Div: 150 + Equal: 49 + Erf: 25 + Expand: 97 + Gather: 1 + GatherElements: 48 + Identity: 48 + LessOrEqual: 1 + Log: 1 + MatMul: 288 + Mul: 155 + Neg: 1 + Pow: 51 + ReduceMean: 102 + Reshape: 336 + Sign: 1 + Slice: 2 + Softmax: 24 + Sqrt: 51 + Squeeze: 3 + Sub: 76 + Tile: 48 + Transpose: 242 + Unsqueeze: 8 + Where: 100 +parameters: 884593152 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/debertav2_Opset17_transformers/debertav2_Opset17.tar.gz b/Natural_Language_Processing/debertav2_Opset17_transformers/debertav2_Opset17.tar.gz new file mode 100644 index 000000000..25adafb59 --- /dev/null +++ b/Natural_Language_Processing/debertav2_Opset17_transformers/debertav2_Opset17.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c63ef2b08fd392a1c8ae53501d1a74beee6c8198e10d4821a72c9884e2cb58b6 +size 2052615136 diff --git a/Natural_Language_Processing/debertav2_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/debertav2_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..2e26e5c58 --- /dev/null +++ b/Natural_Language_Processing/debertav2_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,226 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 56.6281304359436 + set_success: 0.03917574882507324 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/debertav2_transformers_01b72682/onnx/debertav2_transformers_01b72682-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/debertav2.py +class: DebertaV2Model +hash: 2322ccff +model_name: debertav2 +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): null +onnx_ops_counter: + Abs: 1 + Add: 341 + And: 1 + Cast: 105 + Ceil: 1 + Clip: 2 + Constant: 859 + ConstantOfShape: 97 + Conv: 1 + Div: 99 + Equal: 49 + Erf: 25 + Expand: 97 + Gather: 1 + GatherElements: 48 + Identity: 48 + LayerNormalization: 51 + LessOrEqual: 1 + Log: 1 + MatMul: 288 + Mul: 104 + Neg: 1 + Reshape: 336 + Sign: 1 + Slice: 2 + Softmax: 24 + Squeeze: 3 + Sub: 25 + Tile: 48 + Transpose: 242 + Unsqueeze: 8 + Where: 100 +parameters: 884593152 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/debertav2_Opset18_transformers/debertav2_Opset18.tar.gz b/Natural_Language_Processing/debertav2_Opset18_transformers/debertav2_Opset18.tar.gz new file mode 100644 index 000000000..5b93b1e68 --- /dev/null +++ b/Natural_Language_Processing/debertav2_Opset18_transformers/debertav2_Opset18.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4bb780de68ba703a1f1ff2f1e6b4101c2e1dd46ccaccd6ede9e99d84bf379f16 +size 2052615336 diff --git a/Natural_Language_Processing/debertav2_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/debertav2_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..0dc36be86 --- /dev/null +++ b/Natural_Language_Processing/debertav2_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,226 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 43.754048585891724 + set_success: 0.03648495674133301 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/debertav2_transformers_01b72682/onnx/debertav2_transformers_01b72682-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/debertav2.py +class: DebertaV2Model +hash: 2322ccff +model_name: debertav2 +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): null +onnx_ops_counter: + Abs: 1 + Add: 341 + And: 1 + Cast: 105 + Ceil: 1 + Clip: 2 + Constant: 859 + ConstantOfShape: 97 + Conv: 1 + Div: 99 + Equal: 49 + Erf: 25 + Expand: 97 + Gather: 1 + GatherElements: 48 + Identity: 48 + LayerNormalization: 51 + LessOrEqual: 1 + Log: 1 + MatMul: 288 + Mul: 104 + Neg: 1 + Reshape: 336 + Sign: 1 + Slice: 2 + Softmax: 24 + Squeeze: 3 + Sub: 25 + Tile: 48 + Transpose: 242 + Unsqueeze: 8 + Where: 100 +parameters: 884593152 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/distilbert_Opset16_transformers/distilbert_Opset16.onnx b/Natural_Language_Processing/distilbert_Opset16_transformers/distilbert_Opset16.onnx new file mode 100644 index 000000000..5e6c9fd92 --- /dev/null +++ b/Natural_Language_Processing/distilbert_Opset16_transformers/distilbert_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff969a8912aa233339cc7a09feb37db4d6e140f99e085353c650e8958352896c +size 265533657 diff --git a/Natural_Language_Processing/distilbert_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/distilbert_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..30c47fef0 --- /dev/null +++ b/Natural_Language_Processing/distilbert_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.0357441902160645 + set_success: 0.015938997268676758 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/distilbert_transformers_a7a7c171/onnx/distilbert_transformers_a7a7c171-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/distilbert.py +class: DistilBertModel +hash: 6b3f916e +model_name: distilbert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 259310.2441 +onnx_ops_counter: + Add: 81 + Cast: 6 + Constant: 88 + Div: 25 + Equal: 1 + Erf: 6 + Expand: 6 + Gather: 2 + MatMul: 48 + Mul: 25 + Pow: 13 + ReduceMean: 26 + Reshape: 30 + Shape: 6 + Softmax: 6 + Sqrt: 13 + Sub: 13 + Transpose: 24 + Where: 6 +parameters: 66362880 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/distilbert_Opset17_transformers/distilbert_Opset17.onnx b/Natural_Language_Processing/distilbert_Opset17_transformers/distilbert_Opset17.onnx new file mode 100644 index 000000000..5902d5f61 --- /dev/null +++ b/Natural_Language_Processing/distilbert_Opset17_transformers/distilbert_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4edf077dfadc7c2a8f3533a3e463c65f679c956ebddd28d9986bf1494ed6f70 +size 265512165 diff --git a/Natural_Language_Processing/distilbert_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/distilbert_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..639467b5f --- /dev/null +++ b/Natural_Language_Processing/distilbert_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.0753509998321533 + set_success: 0.016419172286987305 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/distilbert_transformers_a7a7c171/onnx/distilbert_transformers_a7a7c171-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/distilbert.py +class: DistilBertModel +hash: 6b3f916e +model_name: distilbert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 259289.2559 +onnx_ops_counter: + Add: 55 + Cast: 6 + Constant: 62 + Div: 12 + Equal: 1 + Erf: 6 + Expand: 6 + Gather: 2 + LayerNormalization: 13 + MatMul: 48 + Mul: 12 + Reshape: 30 + Shape: 6 + Softmax: 6 + Transpose: 24 + Where: 6 +parameters: 66362880 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/distilbert_Opset18_transformers/distilbert_Opset18.onnx b/Natural_Language_Processing/distilbert_Opset18_transformers/distilbert_Opset18.onnx new file mode 100644 index 000000000..ac6926873 --- /dev/null +++ b/Natural_Language_Processing/distilbert_Opset18_transformers/distilbert_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01b7fda67793491e3fabf5c7a2a01d6a2ec9cf4d50903b856b2bb9d99fa00f6f +size 265512165 diff --git a/Natural_Language_Processing/distilbert_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/distilbert_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..7e8b9ae34 --- /dev/null +++ b/Natural_Language_Processing/distilbert_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.145465850830078 + set_success: 0.019178152084350586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/distilbert_transformers_a7a7c171/onnx/distilbert_transformers_a7a7c171-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/distilbert.py +class: DistilBertModel +hash: 6b3f916e +model_name: distilbert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 259289.2559 +onnx_ops_counter: + Add: 55 + Cast: 6 + Constant: 62 + Div: 12 + Equal: 1 + Erf: 6 + Expand: 6 + Gather: 2 + LayerNormalization: 13 + MatMul: 48 + Mul: 12 + Reshape: 30 + Shape: 6 + Softmax: 6 + Transpose: 24 + Where: 6 +parameters: 66362880 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/electra_Opset16_transformers/electra_Opset16.onnx b/Natural_Language_Processing/electra_Opset16_transformers/electra_Opset16.onnx new file mode 100644 index 000000000..bb0ef720b --- /dev/null +++ b/Natural_Language_Processing/electra_Opset16_transformers/electra_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c94f0d2ebfb59ca317f02dea2f8f5c737a1bd35bf457ad55d3bcf498ef5ec4ab +size 54090887 diff --git a/Natural_Language_Processing/electra_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/electra_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..5f2390582 --- /dev/null +++ b/Natural_Language_Processing/electra_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.168714761734009 + set_success: 0.016504526138305664 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/electra_transformers_a628bc25/onnx/electra_transformers_a628bc25-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/electra.py +class: ElectraModel +hash: ac5434a0 +model_name: electra +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 52823.1641 +onnx_ops_counter: + Add: 173 + Cast: 1 + Constant: 155 + ConstantOfShape: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 3 + MatMul: 97 + Mul: 51 + Pow: 25 + ReduceMean: 50 + Reshape: 48 + Softmax: 12 + Sqrt: 25 + Sub: 26 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 13483008 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/electra_Opset17_transformers/electra_Opset17.onnx b/Natural_Language_Processing/electra_Opset17_transformers/electra_Opset17.onnx new file mode 100644 index 000000000..85bf086c4 --- /dev/null +++ b/Natural_Language_Processing/electra_Opset17_transformers/electra_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e16c6fa32abc7f314165b6f011c54baa32d77203d2eb2d42a80755e1972b5bdc +size 54047338 diff --git a/Natural_Language_Processing/electra_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/electra_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..26addb239 --- /dev/null +++ b/Natural_Language_Processing/electra_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.9752683639526367 + set_success: 0.01641845703125 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/electra_transformers_a628bc25/onnx/electra_transformers_a628bc25-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/electra.py +class: ElectraModel +hash: ac5434a0 +model_name: electra +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 52780.6357 +onnx_ops_counter: + Add: 123 + Cast: 1 + Constant: 105 + ConstantOfShape: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 3 + LayerNormalization: 25 + MatMul: 97 + Mul: 26 + Reshape: 48 + Softmax: 12 + Sub: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 13483008 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/electra_Opset18_transformers/electra_Opset18.onnx b/Natural_Language_Processing/electra_Opset18_transformers/electra_Opset18.onnx new file mode 100644 index 000000000..ea2fcdbeb --- /dev/null +++ b/Natural_Language_Processing/electra_Opset18_transformers/electra_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:56c3406bbf3d69031e43226d16d1c192dd59f67ce39f6cae92787aed10cc93fd +size 54047338 diff --git a/Natural_Language_Processing/electra_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/electra_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..af00c0272 --- /dev/null +++ b/Natural_Language_Processing/electra_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.108696699142456 + set_success: 0.01759791374206543 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/electra_transformers_a628bc25/onnx/electra_transformers_a628bc25-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/electra.py +class: ElectraModel +hash: ac5434a0 +model_name: electra +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 52780.6357 +onnx_ops_counter: + Add: 123 + Cast: 1 + Constant: 105 + ConstantOfShape: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 3 + LayerNormalization: 25 + MatMul: 97 + Mul: 26 + Reshape: 48 + Softmax: 12 + Sub: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 13483008 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/encoderdecoder_Opset16_transformers/encoderdecoder_Opset16.onnx b/Natural_Language_Processing/encoderdecoder_Opset16_transformers/encoderdecoder_Opset16.onnx new file mode 100644 index 000000000..0dd87fcf7 --- /dev/null +++ b/Natural_Language_Processing/encoderdecoder_Opset16_transformers/encoderdecoder_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0185b73a70d96bc154141b92cc2fa05f049c4867bf7b056220bde62f1b589a00 +size 1081363436 diff --git a/Natural_Language_Processing/encoderdecoder_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/encoderdecoder_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..02cad3e22 --- /dev/null +++ b/Natural_Language_Processing/encoderdecoder_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 21.302561283111572 + set_success: 0.03235006332397461 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/encoderdecoder_transformers_aa9def53/onnx/encoderdecoder_transformers_aa9def53-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/encoderdecoder.py +class: EncoderDecoderModel +hash: 60c960d4 +model_name: encoderdecoder +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1056019.0127 +onnx_ops_counter: + Add: 445 + Cast: 3 + Constant: 403 + ConstantOfShape: 3 + Div: 124 + Equal: 2 + Erf: 25 + Expand: 3 + Gather: 6 + LessOrEqual: 1 + MatMul: 266 + Mul: 118 + Pow: 63 + ReduceMean: 126 + Reshape: 144 + Softmax: 36 + Sqrt: 63 + Sub: 65 + Tile: 1 + Transpose: 168 + Unsqueeze: 3 + Where: 2 +parameters: 247363386 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/encoderdecoder_Opset17_transformers/encoderdecoder_Opset17.onnx b/Natural_Language_Processing/encoderdecoder_Opset17_transformers/encoderdecoder_Opset17.onnx new file mode 100644 index 000000000..a2abc3566 --- /dev/null +++ b/Natural_Language_Processing/encoderdecoder_Opset17_transformers/encoderdecoder_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0992b69438a2877278d81827eea075224e4c13ea08986dad841ecc1b866203a8 +size 1081227534 diff --git a/Natural_Language_Processing/encoderdecoder_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/encoderdecoder_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..af4461047 --- /dev/null +++ b/Natural_Language_Processing/encoderdecoder_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.91524052619934 + set_success: 0.03686380386352539 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/encoderdecoder_transformers_aa9def53/onnx/encoderdecoder_transformers_aa9def53-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/encoderdecoder.py +class: EncoderDecoderModel +hash: 60c960d4 +model_name: encoderdecoder +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1055886.2959 +onnx_ops_counter: + Add: 319 + Cast: 3 + Constant: 277 + ConstantOfShape: 3 + Div: 61 + Equal: 2 + Erf: 25 + Expand: 3 + Gather: 6 + LayerNormalization: 63 + LessOrEqual: 1 + MatMul: 266 + Mul: 55 + Reshape: 144 + Softmax: 36 + Sub: 2 + Tile: 1 + Transpose: 168 + Unsqueeze: 3 + Where: 2 +parameters: 247363386 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/encoderdecoder_Opset18_transformers/encoderdecoder_Opset18.onnx b/Natural_Language_Processing/encoderdecoder_Opset18_transformers/encoderdecoder_Opset18.onnx new file mode 100644 index 000000000..be11e60a2 --- /dev/null +++ b/Natural_Language_Processing/encoderdecoder_Opset18_transformers/encoderdecoder_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9947704ac99c6322b42ae2ef6907ad4852f09766f1c40b6c6e8c37df26fc2faa +size 1081227534 diff --git a/Natural_Language_Processing/encoderdecoder_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/encoderdecoder_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..7780ad90f --- /dev/null +++ b/Natural_Language_Processing/encoderdecoder_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 20.16882586479187 + set_success: 0.03310799598693848 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/encoderdecoder_transformers_aa9def53/onnx/encoderdecoder_transformers_aa9def53-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/encoderdecoder.py +class: EncoderDecoderModel +hash: 60c960d4 +model_name: encoderdecoder +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1055886.2959 +onnx_ops_counter: + Add: 319 + Cast: 3 + Constant: 277 + ConstantOfShape: 3 + Div: 61 + Equal: 2 + Erf: 25 + Expand: 3 + Gather: 6 + LayerNormalization: 63 + LessOrEqual: 1 + MatMul: 266 + Mul: 55 + Reshape: 144 + Softmax: 36 + Sub: 2 + Tile: 1 + Transpose: 168 + Unsqueeze: 3 + Where: 2 +parameters: 247363386 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/ernie_Opset16_transformers/ernie_Opset16.onnx b/Natural_Language_Processing/ernie_Opset16_transformers/ernie_Opset16.onnx new file mode 100644 index 000000000..8fdeee452 --- /dev/null +++ b/Natural_Language_Processing/ernie_Opset16_transformers/ernie_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25d274bff2d18a31f74a322518932aa2a474a550e3e2e56bf230bae32c1671f0 +size 399605301 diff --git a/Natural_Language_Processing/ernie_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/ernie_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..912a284a3 --- /dev/null +++ b/Natural_Language_Processing/ernie_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.697275638580322 + set_success: 0.019718647003173828 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ernie_transformers_9f72d50b/onnx/ernie_transformers_9f72d50b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/ernie.py +class: ErnieModel +hash: c9425b79 +model_name: ernie +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 390239.584 +onnx_ops_counter: + Add: 160 + Cast: 1 + Constant: 120 + ConstantOfShape: 1 + Div: 37 + Equal: 1 + Expand: 1 + Gather: 4 + Gemm: 1 + MatMul: 96 + Mul: 27 + Pow: 25 + ReduceMean: 50 + Relu: 12 + Reshape: 48 + Softmax: 12 + Sqrt: 25 + Sub: 26 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 99866112 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/ernie_Opset17_transformers/ernie_Opset17.onnx b/Natural_Language_Processing/ernie_Opset17_transformers/ernie_Opset17.onnx new file mode 100644 index 000000000..ed53bf42e --- /dev/null +++ b/Natural_Language_Processing/ernie_Opset17_transformers/ernie_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c55452cb3cc038211d62fa89cae938b788febb3e7cf2d31492e1dd298c2ca15 +size 399561791 diff --git a/Natural_Language_Processing/ernie_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/ernie_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..9a760d083 --- /dev/null +++ b/Natural_Language_Processing/ernie_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.502796411514282 + set_success: 0.01936817169189453 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ernie_transformers_9f72d50b/onnx/ernie_transformers_9f72d50b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/ernie.py +class: ErnieModel +hash: c9425b79 +model_name: ernie +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 390197.0938 +onnx_ops_counter: + Add: 110 + Cast: 1 + Constant: 70 + ConstantOfShape: 1 + Div: 12 + Equal: 1 + Expand: 1 + Gather: 4 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 2 + Relu: 12 + Reshape: 48 + Softmax: 12 + Sub: 1 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 99866112 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/ernie_Opset18_transformers/ernie_Opset18.onnx b/Natural_Language_Processing/ernie_Opset18_transformers/ernie_Opset18.onnx new file mode 100644 index 000000000..e97d58d5c --- /dev/null +++ b/Natural_Language_Processing/ernie_Opset18_transformers/ernie_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30fc192a42cc4446ec0024ed1d4f3d786415601f8fb76f1e5861792db34d31d4 +size 399561791 diff --git a/Natural_Language_Processing/ernie_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/ernie_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..d92e57566 --- /dev/null +++ b/Natural_Language_Processing/ernie_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.3349809646606445 + set_success: 0.021475553512573242 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ernie_transformers_9f72d50b/onnx/ernie_transformers_9f72d50b-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/ernie.py +class: ErnieModel +hash: c9425b79 +model_name: ernie +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 390197.0938 +onnx_ops_counter: + Add: 110 + Cast: 1 + Constant: 70 + ConstantOfShape: 1 + Div: 12 + Equal: 1 + Expand: 1 + Gather: 4 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 2 + Relu: 12 + Reshape: 48 + Softmax: 12 + Sub: 1 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 99866112 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/erniem_Opset16_transformers/erniem_Opset16.onnx b/Natural_Language_Processing/erniem_Opset16_transformers/erniem_Opset16.onnx new file mode 100644 index 000000000..759a5574b --- /dev/null +++ b/Natural_Language_Processing/erniem_Opset16_transformers/erniem_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34e1881147f070e3ed9cd701f96a5e2e7395347e77cd3ed951caa8f32d855c97 +size 1112313398 diff --git a/Natural_Language_Processing/erniem_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/erniem_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..5d6ee8b2f --- /dev/null +++ b/Natural_Language_Processing/erniem_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.623452186584473 + set_success: 0.021477222442626953 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/erniem_transformers_e2d2bedc/onnx/erniem_transformers_e2d2bedc-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/erniem.py +class: ErnieMModel +hash: 72eb979d +model_name: erniem +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1086243.585 +onnx_ops_counter: + Add: 172 + Cast: 1 + Constant: 155 + CumSum: 1 + Div: 49 + Erf: 12 + Gather: 3 + Gemm: 1 + MatMul: 96 + Mul: 50 + Pow: 25 + ReduceMean: 50 + Reshape: 48 + Softmax: 12 + Sqrt: 25 + Sub: 27 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 +parameters: 278042880 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/erniem_Opset17_transformers/erniem_Opset17.onnx b/Natural_Language_Processing/erniem_Opset17_transformers/erniem_Opset17.onnx new file mode 100644 index 000000000..fc772d4bd --- /dev/null +++ b/Natural_Language_Processing/erniem_Opset17_transformers/erniem_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:510704cd2e138625cddb26ad787cfcbd1b99b7b53e56b340002d7f1eab9987e6 +size 1112281330 diff --git a/Natural_Language_Processing/erniem_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/erniem_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..bc9c6ab3b --- /dev/null +++ b/Natural_Language_Processing/erniem_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,211 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.703409910202026 + set_success: 0.020693302154541016 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/erniem_transformers_e2d2bedc/onnx/erniem_transformers_e2d2bedc-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/erniem.py +class: ErnieMModel +hash: 72eb979d +model_name: erniem +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1086212.2686 +onnx_ops_counter: + Add: 122 + Cast: 1 + Constant: 105 + CumSum: 1 + Div: 24 + Erf: 12 + Gather: 3 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 25 + Reshape: 48 + Softmax: 12 + Sub: 2 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 +parameters: 278042880 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/erniem_Opset18_transformers/erniem_Opset18.onnx b/Natural_Language_Processing/erniem_Opset18_transformers/erniem_Opset18.onnx new file mode 100644 index 000000000..c588a54dd --- /dev/null +++ b/Natural_Language_Processing/erniem_Opset18_transformers/erniem_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca69202a93338a5859cfc17be995099feb59f4c958f87ea5e5255ce8807ded8a +size 1112281330 diff --git a/Natural_Language_Processing/erniem_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/erniem_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..4230e3c78 --- /dev/null +++ b/Natural_Language_Processing/erniem_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,211 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.472799301147461 + set_success: 0.022373437881469727 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/erniem_transformers_e2d2bedc/onnx/erniem_transformers_e2d2bedc-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/erniem.py +class: ErnieMModel +hash: 72eb979d +model_name: erniem +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1086212.2686 +onnx_ops_counter: + Add: 122 + Cast: 1 + Constant: 105 + CumSum: 1 + Div: 24 + Erf: 12 + Gather: 3 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 25 + Reshape: 48 + Softmax: 12 + Sub: 2 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 +parameters: 278042880 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/esm_Opset16_transformers/esm_Opset16.onnx b/Natural_Language_Processing/esm_Opset16_transformers/esm_Opset16.onnx new file mode 100644 index 000000000..3918404cd --- /dev/null +++ b/Natural_Language_Processing/esm_Opset16_transformers/esm_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f439df5bf4e03fda3bb1f592769228e2a54aa3ba67fdb31169da9ac852d3693 +size 30380610 diff --git a/Natural_Language_Processing/esm_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/esm_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..d4513e7f2 --- /dev/null +++ b/Natural_Language_Processing/esm_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.506579875946045 + set_success: 0.01734471321105957 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/esm_transformers_380533f4/onnx/esm_transformers_380533f4-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/esm.py +class: EsmModel +hash: f419c5d2 +model_name: esm +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 29668.5967 +onnx_ops_counter: + Add: 110 + Cast: 6 + Concat: 12 + Constant: 184 + Div: 33 + Equal: 1 + Erf: 6 + Gather: 14 + Gemm: 1 + MatMul: 48 + Mul: 82 + Neg: 12 + Pow: 13 + ReduceMean: 26 + ReduceSum: 2 + Reshape: 24 + Shape: 12 + Slice: 24 + Softmax: 6 + Sqrt: 13 + Sub: 15 + Tanh: 1 + Transpose: 30 + Unsqueeze: 6 + Where: 1 +parameters: 7840121 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/esm_Opset17_transformers/esm_Opset17.onnx b/Natural_Language_Processing/esm_Opset17_transformers/esm_Opset17.onnx new file mode 100644 index 000000000..6e66d4196 --- /dev/null +++ b/Natural_Language_Processing/esm_Opset17_transformers/esm_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:703253a1ebeec99149dae7bf15601bb8461b20b4ee6575b842c3521bacce60ab +size 30360469 diff --git a/Natural_Language_Processing/esm_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/esm_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..39e65b3dc --- /dev/null +++ b/Natural_Language_Processing/esm_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.4764726161956787 + set_success: 0.01634359359741211 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/esm_transformers_380533f4/onnx/esm_transformers_380533f4-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/esm.py +class: EsmModel +hash: f419c5d2 +model_name: esm +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 29648.9277 +onnx_ops_counter: + Add: 84 + Cast: 6 + Concat: 12 + Constant: 158 + Div: 20 + Equal: 1 + Erf: 6 + Gather: 14 + Gemm: 1 + LayerNormalization: 13 + MatMul: 48 + Mul: 69 + Neg: 12 + ReduceSum: 2 + Reshape: 24 + Shape: 12 + Slice: 24 + Softmax: 6 + Sub: 2 + Tanh: 1 + Transpose: 30 + Unsqueeze: 6 + Where: 1 +parameters: 7840121 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/esm_Opset18_transformers/esm_Opset18.onnx b/Natural_Language_Processing/esm_Opset18_transformers/esm_Opset18.onnx new file mode 100644 index 000000000..cec6e72ef --- /dev/null +++ b/Natural_Language_Processing/esm_Opset18_transformers/esm_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:230091ba7f5122c0bb4ae0b353e9ea19007a36e74d57f9ded0c8d1c2a5a41652 +size 30360469 diff --git a/Natural_Language_Processing/esm_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/esm_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..79124e01b --- /dev/null +++ b/Natural_Language_Processing/esm_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 1.5051186084747314 + set_success: 0.017821550369262695 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/esm_transformers_380533f4/onnx/esm_transformers_380533f4-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/esm.py +class: EsmModel +hash: f419c5d2 +model_name: esm +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 29648.9277 +onnx_ops_counter: + Add: 84 + Cast: 6 + Concat: 12 + Constant: 158 + Div: 20 + Equal: 1 + Erf: 6 + Gather: 14 + Gemm: 1 + LayerNormalization: 13 + MatMul: 48 + Mul: 69 + Neg: 12 + ReduceSum: 2 + Reshape: 24 + Shape: 12 + Slice: 24 + Softmax: 6 + Sub: 2 + Tanh: 1 + Transpose: 30 + Unsqueeze: 6 + Where: 1 +parameters: 7840121 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/falcon_Opset16_transformers/falcon_Opset16.tar.gz b/Natural_Language_Processing/falcon_Opset16_transformers/falcon_Opset16.tar.gz new file mode 100644 index 000000000..9c063c342 --- /dev/null +++ b/Natural_Language_Processing/falcon_Opset16_transformers/falcon_Opset16.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:162eb216d8aba6f9bb06fb5ef75c6a0de686fd6bcb3c5123538ba73de321c0d2 +size 2322755369 diff --git a/Natural_Language_Processing/falcon_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/falcon_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..d0979efc2 --- /dev/null +++ b/Natural_Language_Processing/falcon_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 38.96818494796753 + set_success: 0.037407875061035156 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/falcon_transformers_5bfd7943/onnx/falcon_transformers_5bfd7943-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/falcon.py +class: FalconModel +hash: 942e3fa7 +model_name: falcon +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): null +onnx_ops_counter: + Add: 315 + Cast: 29 + Concat: 24 + Constant: 717 + ConstantOfShape: 2 + CumSum: 1 + Div: 73 + Equal: 2 + Erf: 24 + Expand: 2 + Gather: 73 + MatMul: 144 + Mul: 125 + Pow: 49 + ReduceMean: 98 + Reshape: 361 + Shape: 24 + Slice: 48 + Softmax: 24 + Sqrt: 49 + Sub: 51 + Transpose: 120 + Unsqueeze: 3 + Where: 3 +parameters: 1311625216 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/falcon_Opset17_transformers/falcon_Opset17.tar.gz b/Natural_Language_Processing/falcon_Opset17_transformers/falcon_Opset17.tar.gz new file mode 100644 index 000000000..45430546f --- /dev/null +++ b/Natural_Language_Processing/falcon_Opset17_transformers/falcon_Opset17.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4985cb3abf393d0f011b7aafe76d2b9ebfed8eaddf41911825f238af0513d7d0 +size 2322749352 diff --git a/Natural_Language_Processing/falcon_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/falcon_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..a4f7f33d2 --- /dev/null +++ b/Natural_Language_Processing/falcon_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 36.74767875671387 + set_success: 0.03654956817626953 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/falcon_transformers_5bfd7943/onnx/falcon_transformers_5bfd7943-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/falcon.py +class: FalconModel +hash: 942e3fa7 +model_name: falcon +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): null +onnx_ops_counter: + Add: 217 + Cast: 29 + Concat: 24 + Constant: 619 + ConstantOfShape: 2 + CumSum: 1 + Div: 24 + Equal: 2 + Erf: 24 + Expand: 2 + Gather: 73 + LayerNormalization: 49 + MatMul: 144 + Mul: 76 + Reshape: 361 + Shape: 24 + Slice: 48 + Softmax: 24 + Sub: 2 + Transpose: 120 + Unsqueeze: 3 + Where: 3 +parameters: 1311625216 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/falcon_Opset18_transformers/falcon_Opset18.tar.gz b/Natural_Language_Processing/falcon_Opset18_transformers/falcon_Opset18.tar.gz new file mode 100644 index 000000000..1f19efb8b --- /dev/null +++ b/Natural_Language_Processing/falcon_Opset18_transformers/falcon_Opset18.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8c831d42516200b246d841ca1872ae69351940b5bde182d8d6a1fb167061965 +size 2322748632 diff --git a/Natural_Language_Processing/falcon_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/falcon_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..2d09df0cc --- /dev/null +++ b/Natural_Language_Processing/falcon_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 35.11719226837158 + set_success: 0.03354215621948242 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/falcon_transformers_5bfd7943/onnx/falcon_transformers_5bfd7943-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/falcon.py +class: FalconModel +hash: 942e3fa7 +model_name: falcon +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): null +onnx_ops_counter: + Add: 217 + Cast: 29 + Concat: 24 + Constant: 619 + ConstantOfShape: 2 + CumSum: 1 + Div: 24 + Equal: 2 + Erf: 24 + Expand: 2 + Gather: 73 + LayerNormalization: 49 + MatMul: 144 + Mul: 76 + Reshape: 361 + Shape: 24 + Slice: 48 + Softmax: 24 + Sub: 2 + Transpose: 120 + Unsqueeze: 3 + Where: 3 +parameters: 1311625216 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/flaubert_Opset16_transformers/flaubert_Opset16.onnx b/Natural_Language_Processing/flaubert_Opset16_transformers/flaubert_Opset16.onnx new file mode 100644 index 000000000..ff70fb12c --- /dev/null +++ b/Natural_Language_Processing/flaubert_Opset16_transformers/flaubert_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b339679867e8f7cc7a2399d1f26276ff738c225ae33418f304e21b30822c3e3d +size 553040336 diff --git a/Natural_Language_Processing/flaubert_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/flaubert_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..4d8672559 --- /dev/null +++ b/Natural_Language_Processing/flaubert_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.903894662857056 + set_success: 0.741640567779541 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/flaubert_transformers_b34230c5/onnx/flaubert_transformers_b34230c5-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/flaubert.py +class: FlaubertModel +hash: 169fdd1f +model_name: flaubert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 540078.4854 +onnx_ops_counter: + Add: 159 + Cast: 25 + Constant: 176 + ConstantOfShape: 1 + Div: 49 + Equal: 2 + Erf: 12 + Expand: 14 + Gather: 2 + MatMul: 96 + Mul: 63 + Pow: 25 + ReduceMean: 50 + Reshape: 60 + Shape: 13 + Softmax: 12 + Sqrt: 25 + Sub: 25 + Transpose: 48 + Unsqueeze: 1 + Where: 13 +parameters: 138233088 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/flaubert_Opset17_transformers/flaubert_Opset17.onnx b/Natural_Language_Processing/flaubert_Opset17_transformers/flaubert_Opset17.onnx new file mode 100644 index 000000000..909881023 --- /dev/null +++ b/Natural_Language_Processing/flaubert_Opset17_transformers/flaubert_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:633f7caad13a722ebe2dc79b8ffe6bfb0d11d3952e34da91d14a256404f7a424 +size 553015274 diff --git a/Natural_Language_Processing/flaubert_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/flaubert_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..a73f4d1e3 --- /dev/null +++ b/Natural_Language_Processing/flaubert_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.743534564971924 + set_success: 0.63816237449646 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/flaubert_transformers_b34230c5/onnx/flaubert_transformers_b34230c5-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/flaubert.py +class: FlaubertModel +hash: 169fdd1f +model_name: flaubert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 540054.0107 +onnx_ops_counter: + Add: 109 + Cast: 25 + Constant: 126 + ConstantOfShape: 1 + Div: 24 + Equal: 2 + Erf: 12 + Expand: 14 + Gather: 2 + LayerNormalization: 25 + MatMul: 96 + Mul: 38 + Reshape: 60 + Shape: 13 + Softmax: 12 + Transpose: 48 + Unsqueeze: 1 + Where: 13 +parameters: 138233088 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/flaubert_Opset18_transformers/flaubert_Opset18.onnx b/Natural_Language_Processing/flaubert_Opset18_transformers/flaubert_Opset18.onnx new file mode 100644 index 000000000..3cc4b791c --- /dev/null +++ b/Natural_Language_Processing/flaubert_Opset18_transformers/flaubert_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7c2a18000fbab148e62f46496cb8f64aa2b580ec899261ab5414de66575de8b +size 553015274 diff --git a/Natural_Language_Processing/flaubert_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/flaubert_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..d5092b991 --- /dev/null +++ b/Natural_Language_Processing/flaubert_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.0182178020477295 + set_success: 0.019884347915649414 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/flaubert_transformers_b34230c5/onnx/flaubert_transformers_b34230c5-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/flaubert.py +class: FlaubertModel +hash: 169fdd1f +model_name: flaubert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 540054.0107 +onnx_ops_counter: + Add: 109 + Cast: 25 + Constant: 126 + ConstantOfShape: 1 + Div: 24 + Equal: 2 + Erf: 12 + Expand: 14 + Gather: 2 + LayerNormalization: 25 + MatMul: 96 + Mul: 38 + Reshape: 60 + Shape: 13 + Softmax: 12 + Transpose: 48 + Unsqueeze: 1 + Where: 13 +parameters: 138233088 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/flaubertwithlmhead_Opset16_transformers/flaubertwithlmhead_Opset16.onnx b/Natural_Language_Processing/flaubertwithlmhead_Opset16_transformers/flaubertwithlmhead_Opset16.onnx new file mode 100644 index 000000000..71e71813c --- /dev/null +++ b/Natural_Language_Processing/flaubertwithlmhead_Opset16_transformers/flaubertwithlmhead_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f71504132b55d488310f7531aeac29bc5e36ee8f6caf2b559b4f2e0abd30b67 +size 764487647 diff --git a/Natural_Language_Processing/flaubertwithlmhead_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/flaubertwithlmhead_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..7d337c770 --- /dev/null +++ b/Natural_Language_Processing/flaubertwithlmhead_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.547540426254272 + set_success: 0.02401900291442871 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/flaubertwithlmhead_transformers_bc2be784/onnx/flaubertwithlmhead_transformers_bc2be784-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/flaubertwithlmhead.py +class: FlaubertWithLMHeadModel +hash: 336f6f5a +model_name: flaubertwithlmhead +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 746570.0 +onnx_ops_counter: + Add: 160 + Cast: 25 + Constant: 176 + ConstantOfShape: 1 + Div: 49 + Equal: 2 + Erf: 12 + Expand: 14 + Gather: 2 + MatMul: 97 + Mul: 63 + Pow: 25 + ReduceMean: 50 + Reshape: 60 + Shape: 13 + Softmax: 12 + Sqrt: 25 + Sub: 25 + Transpose: 48 + Unsqueeze: 1 + Where: 13 +parameters: 191085689 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/flaubertwithlmhead_Opset17_transformers/flaubertwithlmhead_Opset17.onnx b/Natural_Language_Processing/flaubertwithlmhead_Opset17_transformers/flaubertwithlmhead_Opset17.onnx new file mode 100644 index 000000000..8a2bdc818 --- /dev/null +++ b/Natural_Language_Processing/flaubertwithlmhead_Opset17_transformers/flaubertwithlmhead_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0fc2c7dbaa81276ff86eaacec35e640494ad783d383003ee101f29b6333ad41c +size 764452846 diff --git a/Natural_Language_Processing/flaubertwithlmhead_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/flaubertwithlmhead_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..513feb41f --- /dev/null +++ b/Natural_Language_Processing/flaubertwithlmhead_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.608880281448364 + set_success: 0.019258975982666016 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/flaubertwithlmhead_transformers_bc2be784/onnx/flaubertwithlmhead_transformers_bc2be784-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/flaubertwithlmhead.py +class: FlaubertWithLMHeadModel +hash: 336f6f5a +model_name: flaubertwithlmhead +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 746536.0146 +onnx_ops_counter: + Add: 110 + Cast: 25 + Constant: 126 + ConstantOfShape: 1 + Div: 24 + Equal: 2 + Erf: 12 + Expand: 14 + Gather: 2 + LayerNormalization: 25 + MatMul: 97 + Mul: 38 + Reshape: 60 + Shape: 13 + Softmax: 12 + Transpose: 48 + Unsqueeze: 1 + Where: 13 +parameters: 191085689 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/flaubertwithlmhead_Opset18_transformers/flaubertwithlmhead_Opset18.onnx b/Natural_Language_Processing/flaubertwithlmhead_Opset18_transformers/flaubertwithlmhead_Opset18.onnx new file mode 100644 index 000000000..003452d94 --- /dev/null +++ b/Natural_Language_Processing/flaubertwithlmhead_Opset18_transformers/flaubertwithlmhead_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a34e56e534634b789a723d1e847fb4a16e5e8b0cedc0284146991f7000681559 +size 764452846 diff --git a/Natural_Language_Processing/flaubertwithlmhead_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/flaubertwithlmhead_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..be1107e59 --- /dev/null +++ b/Natural_Language_Processing/flaubertwithlmhead_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.262856006622314 + set_success: 0.023407697677612305 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/flaubertwithlmhead_transformers_bc2be784/onnx/flaubertwithlmhead_transformers_bc2be784-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/flaubertwithlmhead.py +class: FlaubertWithLMHeadModel +hash: 336f6f5a +model_name: flaubertwithlmhead +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 746536.0146 +onnx_ops_counter: + Add: 110 + Cast: 25 + Constant: 126 + ConstantOfShape: 1 + Div: 24 + Equal: 2 + Erf: 12 + Expand: 14 + Gather: 2 + LayerNormalization: 25 + MatMul: 97 + Mul: 38 + Reshape: 60 + Shape: 13 + Softmax: 12 + Transpose: 48 + Unsqueeze: 1 + Where: 13 +parameters: 191085689 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/funnel_Opset16_transformers/funnel_Opset16.onnx b/Natural_Language_Processing/funnel_Opset16_transformers/funnel_Opset16.onnx new file mode 100644 index 000000000..02c3092c0 --- /dev/null +++ b/Natural_Language_Processing/funnel_Opset16_transformers/funnel_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d5485d57f9ae3658bb1b5c19d407d7b668fc660db4437cfe88ed36132db2c21 +size 525225222 diff --git a/Natural_Language_Processing/funnel_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/funnel_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..84d7b012c --- /dev/null +++ b/Natural_Language_Processing/funnel_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,229 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.429573059082031 + set_success: 0.02304863929748535 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/funnel_transformers_1bb11d83/onnx/funnel_transformers_1bb11d83-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/funnel.py +class: FunnelModel +hash: 0f2478e8 +model_name: funnel +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 512915.2881 +onnx_ops_counter: + Add: 265 + AveragePool: 2 + Cast: 47 + Concat: 69 + Constant: 937 + ConstantOfShape: 52 + Cos: 2 + Div: 29 + Einsum: 70 + Equal: 48 + Expand: 48 + Gather: 88 + GatherElements: 6 + MatMul: 84 + MaxPool: 2 + Mul: 181 + Neg: 5 + Or: 2 + Pad: 3 + Pow: 43 + Range: 7 + ReduceMean: 58 + Reshape: 102 + Shape: 87 + Sin: 2 + Slice: 63 + Softmax: 14 + Split: 14 + Sqrt: 29 + Sub: 76 + Tanh: 14 + Tile: 1 + Transpose: 3 + Unsqueeze: 179 + Where: 62 +parameters: 130973184 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/funnel_Opset17_transformers/funnel_Opset17.onnx b/Natural_Language_Processing/funnel_Opset17_transformers/funnel_Opset17.onnx new file mode 100644 index 000000000..f227a90d3 --- /dev/null +++ b/Natural_Language_Processing/funnel_Opset17_transformers/funnel_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7125616654eb4e102fc1f7d8b6cf9de5e6fda66af95c4d1f456d66719d5da82 +size 525175947 diff --git a/Natural_Language_Processing/funnel_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/funnel_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..ec0b6495d --- /dev/null +++ b/Natural_Language_Processing/funnel_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.581172227859497 + set_success: 0.022174596786499023 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/funnel_transformers_1bb11d83/onnx/funnel_transformers_1bb11d83-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/funnel.py +class: FunnelModel +hash: 0f2478e8 +model_name: funnel +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 512867.168 +onnx_ops_counter: + Add: 207 + AveragePool: 2 + Cast: 47 + Concat: 69 + Constant: 879 + ConstantOfShape: 52 + Cos: 2 + Einsum: 70 + Equal: 48 + Expand: 48 + Gather: 88 + GatherElements: 6 + LayerNormalization: 29 + MatMul: 84 + MaxPool: 2 + Mul: 152 + Neg: 5 + Or: 2 + Pad: 3 + Pow: 14 + Range: 7 + Reshape: 102 + Shape: 87 + Sin: 2 + Slice: 63 + Softmax: 14 + Split: 14 + Sub: 47 + Tanh: 14 + Tile: 1 + Transpose: 3 + Unsqueeze: 179 + Where: 62 +parameters: 130973184 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/funnel_Opset18_transformers/funnel_Opset18.onnx b/Natural_Language_Processing/funnel_Opset18_transformers/funnel_Opset18.onnx new file mode 100644 index 000000000..6cfe125da --- /dev/null +++ b/Natural_Language_Processing/funnel_Opset18_transformers/funnel_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e91d7a1ab3400f97a3c0eca041311a7d5df5efd89ce09b84bad51ef43c5d4ce8 +size 525175947 diff --git a/Natural_Language_Processing/funnel_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/funnel_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..a0a909dcf --- /dev/null +++ b/Natural_Language_Processing/funnel_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.468040466308594 + set_success: 0.027094364166259766 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/funnel_transformers_1bb11d83/onnx/funnel_transformers_1bb11d83-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/funnel.py +class: FunnelModel +hash: 0f2478e8 +model_name: funnel +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 512867.168 +onnx_ops_counter: + Add: 207 + AveragePool: 2 + Cast: 47 + Concat: 69 + Constant: 879 + ConstantOfShape: 52 + Cos: 2 + Einsum: 70 + Equal: 48 + Expand: 48 + Gather: 88 + GatherElements: 6 + LayerNormalization: 29 + MatMul: 84 + MaxPool: 2 + Mul: 152 + Neg: 5 + Or: 2 + Pad: 3 + Pow: 14 + Range: 7 + Reshape: 102 + Shape: 87 + Sin: 2 + Slice: 63 + Softmax: 14 + Split: 14 + Sub: 47 + Tanh: 14 + Tile: 1 + Transpose: 3 + Unsqueeze: 179 + Where: 62 +parameters: 130973184 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/funnelbase_Opset16_transformers/funnelbase_Opset16.onnx b/Natural_Language_Processing/funnelbase_Opset16_transformers/funnelbase_Opset16.onnx new file mode 100644 index 000000000..22abeffc8 --- /dev/null +++ b/Natural_Language_Processing/funnelbase_Opset16_transformers/funnelbase_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf7a463e48e3d72ce47907f9c3ee52a07ae9cfabd4bf05b7ec1b0b5720d0453a +size 463688075 diff --git a/Natural_Language_Processing/funnelbase_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/funnelbase_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..3d2cfc493 --- /dev/null +++ b/Natural_Language_Processing/funnelbase_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.673396587371826 + set_success: 0.02116250991821289 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/funnelbase_transformers_ac9c894f/onnx/funnelbase_transformers_ac9c894f-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/funnelbase.py +class: FunnelBaseModel +hash: e4915ed7 +model_name: funnelbase +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 452820.418 +onnx_ops_counter: + Add: 226 + AveragePool: 2 + Cast: 36 + Concat: 44 + Constant: 737 + ConstantOfShape: 42 + Cos: 1 + Div: 25 + Einsum: 60 + Equal: 41 + Expand: 41 + Gather: 63 + GatherElements: 5 + MatMul: 72 + MaxPool: 2 + Mul: 153 + Neg: 4 + Or: 2 + Pad: 1 + Pow: 37 + Range: 4 + ReduceMean: 50 + Reshape: 78 + Shape: 56 + Sin: 1 + Slice: 52 + Softmax: 12 + Split: 12 + Sqrt: 25 + Sub: 64 + Tanh: 12 + Transpose: 1 + Unsqueeze: 121 + Where: 53 +parameters: 115611648 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/funnelbase_Opset17_transformers/funnelbase_Opset17.onnx b/Natural_Language_Processing/funnelbase_Opset17_transformers/funnelbase_Opset17.onnx new file mode 100644 index 000000000..9c04fc946 --- /dev/null +++ b/Natural_Language_Processing/funnelbase_Opset17_transformers/funnelbase_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1558e9a86f26fded18bcd2fd01bf74cd285e879bb074c6380d15235e7b4020a8 +size 463645395 diff --git a/Natural_Language_Processing/funnelbase_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/funnelbase_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..7aa6075b2 --- /dev/null +++ b/Natural_Language_Processing/funnelbase_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,226 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.532908916473389 + set_success: 0.021587848663330078 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/funnelbase_transformers_ac9c894f/onnx/funnelbase_transformers_ac9c894f-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/funnelbase.py +class: FunnelBaseModel +hash: e4915ed7 +model_name: funnelbase +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 452778.7383 +onnx_ops_counter: + Add: 176 + AveragePool: 2 + Cast: 36 + Concat: 44 + Constant: 687 + ConstantOfShape: 42 + Cos: 1 + Einsum: 60 + Equal: 41 + Expand: 41 + Gather: 63 + GatherElements: 5 + LayerNormalization: 25 + MatMul: 72 + MaxPool: 2 + Mul: 128 + Neg: 4 + Or: 2 + Pad: 1 + Pow: 12 + Range: 4 + Reshape: 78 + Shape: 56 + Sin: 1 + Slice: 52 + Softmax: 12 + Split: 12 + Sub: 39 + Tanh: 12 + Transpose: 1 + Unsqueeze: 121 + Where: 53 +parameters: 115611648 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/funnelbase_Opset18_transformers/funnelbase_Opset18.onnx b/Natural_Language_Processing/funnelbase_Opset18_transformers/funnelbase_Opset18.onnx new file mode 100644 index 000000000..50837cf14 --- /dev/null +++ b/Natural_Language_Processing/funnelbase_Opset18_transformers/funnelbase_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a3c27eb1962694cb4c0799d2f721aeaa0cbb0ab1787b474e50fefd10ae0355eb +size 463645395 diff --git a/Natural_Language_Processing/funnelbase_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/funnelbase_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..2842cdf51 --- /dev/null +++ b/Natural_Language_Processing/funnelbase_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,226 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.402124643325806 + set_success: 0.020562171936035156 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/funnelbase_transformers_ac9c894f/onnx/funnelbase_transformers_ac9c894f-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/funnelbase.py +class: FunnelBaseModel +hash: e4915ed7 +model_name: funnelbase +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 452778.7383 +onnx_ops_counter: + Add: 176 + AveragePool: 2 + Cast: 36 + Concat: 44 + Constant: 687 + ConstantOfShape: 42 + Cos: 1 + Einsum: 60 + Equal: 41 + Expand: 41 + Gather: 63 + GatherElements: 5 + LayerNormalization: 25 + MatMul: 72 + MaxPool: 2 + Mul: 128 + Neg: 4 + Or: 2 + Pad: 1 + Pow: 12 + Range: 4 + Reshape: 78 + Shape: 56 + Sin: 1 + Slice: 52 + Softmax: 12 + Split: 12 + Sub: 39 + Tanh: 12 + Transpose: 1 + Unsqueeze: 121 + Where: 53 +parameters: 115611648 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/ibert_Opset16_transformers/ibert_Opset16.onnx b/Natural_Language_Processing/ibert_Opset16_transformers/ibert_Opset16.onnx new file mode 100644 index 000000000..c4f8f4e90 --- /dev/null +++ b/Natural_Language_Processing/ibert_Opset16_transformers/ibert_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0e257d8ef4881e0bb0138cdd1eddb46e2ab3bb1266d91db8b8656484ec0a825 +size 498747087 diff --git a/Natural_Language_Processing/ibert_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/ibert_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..08aa35178 --- /dev/null +++ b/Natural_Language_Processing/ibert_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.43268084526062 + set_success: 0.02302694320678711 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ibert_transformers_32bf8664/onnx/ibert_transformers_32bf8664-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/ibert.py +class: IBertModel +hash: 9f074195 +model_name: ibert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 487057.7344 +onnx_ops_counter: + Add: 173 + Cast: 4 + Constant: 155 + CumSum: 1 + Div: 49 + Equal: 1 + Erf: 12 + Gather: 4 + Gemm: 1 + MatMul: 96 + Mul: 51 + Not: 1 + Pow: 25 + ReduceMean: 50 + Reshape: 48 + Softmax: 12 + Sqrt: 25 + Sub: 26 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 +parameters: 124645632 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/ibert_Opset17_transformers/ibert_Opset17.onnx b/Natural_Language_Processing/ibert_Opset17_transformers/ibert_Opset17.onnx new file mode 100644 index 000000000..198d1dd6a --- /dev/null +++ b/Natural_Language_Processing/ibert_Opset17_transformers/ibert_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0727d98e49c99687bfb55a3d44c5b59a61eb2221436c7855d2cebe016b264ebc +size 498747087 diff --git a/Natural_Language_Processing/ibert_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/ibert_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..0fce46f49 --- /dev/null +++ b/Natural_Language_Processing/ibert_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.236956596374512 + set_success: 0.02616572380065918 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/ibert_transformers_32bf8664/onnx/ibert_transformers_32bf8664-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/ibert.py +class: IBertModel +hash: 9f074195 +model_name: ibert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 487057.7344 +onnx_ops_counter: + Add: 173 + Cast: 4 + Constant: 155 + CumSum: 1 + Div: 49 + Equal: 1 + Erf: 12 + Gather: 4 + Gemm: 1 + MatMul: 96 + Mul: 51 + Not: 1 + Pow: 25 + ReduceMean: 50 + Reshape: 48 + Softmax: 12 + Sqrt: 25 + Sub: 26 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 +parameters: 124645632 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/led_Opset16_transformers/led_Opset16.onnx b/Natural_Language_Processing/led_Opset16_transformers/led_Opset16.onnx new file mode 100644 index 000000000..ba86617cf --- /dev/null +++ b/Natural_Language_Processing/led_Opset16_transformers/led_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f257afcf5da5f34e308e722fa2a22203286cf0c7e011d913ab973159cebca97 +size 618670944 diff --git a/Natural_Language_Processing/led_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/led_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..00cb308d1 --- /dev/null +++ b/Natural_Language_Processing/led_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,228 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 60.2314932346344 + set_success: 0.02758479118347168 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/led_transformers_10d1d695/onnx/led_transformers_10d1d695-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/led.py +class: LEDModel +hash: 797ae7d3 +model_name: led +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 604170.876 +onnx_ops_counter: + Add: 558 + Cast: 679 + Concat: 492 + Constant: 6688 + ConstantOfShape: 508 + Div: 92 + Einsum: 18 + Equal: 321 + Erf: 12 + Expand: 393 + Gather: 912 + Less: 1 + MatMul: 120 + Mod: 2 + Mul: 551 + Neg: 7 + NonZero: 120 + Not: 1 + Pad: 26 + Pow: 32 + Range: 265 + ReduceMean: 64 + Reshape: 740 + ScatterND: 74 + Shape: 1286 + Slice: 569 + Softmax: 18 + Sqrt: 32 + Squeeze: 144 + Sub: 85 + Transpose: 284 + Trilu: 12 + Unsqueeze: 1455 + Where: 358 +parameters: 161844480 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/led_Opset17_transformers/led_Opset17.onnx b/Natural_Language_Processing/led_Opset17_transformers/led_Opset17.onnx new file mode 100644 index 000000000..a66eae926 --- /dev/null +++ b/Natural_Language_Processing/led_Opset17_transformers/led_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c4367a97ffa78557855c057b1ea09ae00d94822c7fe9d12a5c02e5d2dcd69c1f +size 618616360 diff --git a/Natural_Language_Processing/led_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/led_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..953cf6dfe --- /dev/null +++ b/Natural_Language_Processing/led_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,226 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 59.19997811317444 + set_success: 0.028290510177612305 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/led_transformers_10d1d695/onnx/led_transformers_10d1d695-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/led.py +class: LEDModel +hash: 797ae7d3 +model_name: led +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 604117.5713 +onnx_ops_counter: + Add: 494 + Cast: 679 + Concat: 492 + Constant: 6624 + ConstantOfShape: 508 + Div: 60 + Einsum: 18 + Equal: 321 + Erf: 12 + Expand: 393 + Gather: 912 + LayerNormalization: 32 + Less: 1 + MatMul: 120 + Mod: 2 + Mul: 519 + Neg: 7 + NonZero: 120 + Not: 1 + Pad: 26 + Range: 265 + Reshape: 740 + ScatterND: 74 + Shape: 1286 + Slice: 569 + Softmax: 18 + Squeeze: 144 + Sub: 53 + Transpose: 284 + Trilu: 12 + Unsqueeze: 1455 + Where: 358 +parameters: 161844480 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/led_Opset18_transformers/led_Opset18.onnx b/Natural_Language_Processing/led_Opset18_transformers/led_Opset18.onnx new file mode 100644 index 000000000..891446799 --- /dev/null +++ b/Natural_Language_Processing/led_Opset18_transformers/led_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f59553509b26309f94cb8162571286029e60b6cf815a9ee7b87b100d793d176 +size 618616360 diff --git a/Natural_Language_Processing/led_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/led_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..1b5252f1d --- /dev/null +++ b/Natural_Language_Processing/led_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,226 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 64.50256848335266 + set_success: 0.027916908264160156 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/led_transformers_10d1d695/onnx/led_transformers_10d1d695-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/led.py +class: LEDModel +hash: 797ae7d3 +model_name: led +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 604117.5713 +onnx_ops_counter: + Add: 494 + Cast: 679 + Concat: 492 + Constant: 6624 + ConstantOfShape: 508 + Div: 60 + Einsum: 18 + Equal: 321 + Erf: 12 + Expand: 393 + Gather: 912 + LayerNormalization: 32 + Less: 1 + MatMul: 120 + Mod: 2 + Mul: 519 + Neg: 7 + NonZero: 120 + Not: 1 + Pad: 26 + Range: 265 + Reshape: 740 + ScatterND: 74 + Shape: 1286 + Slice: 569 + Softmax: 18 + Squeeze: 144 + Sub: 53 + Transpose: 284 + Trilu: 12 + Unsqueeze: 1455 + Where: 358 +parameters: 161844480 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/longformer_Opset16_transformers/longformer_Opset16.onnx b/Natural_Language_Processing/longformer_Opset16_transformers/longformer_Opset16.onnx new file mode 100644 index 000000000..001490bb5 --- /dev/null +++ b/Natural_Language_Processing/longformer_Opset16_transformers/longformer_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0cabaa6a82f823b62b22fa4a83d76718729804dba56f41aa56330039a69aa9f6 +size 521763608 diff --git a/Natural_Language_Processing/longformer_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/longformer_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..0d1986a96 --- /dev/null +++ b/Natural_Language_Processing/longformer_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,231 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 151.86955189704895 + set_success: 0.02336287498474121 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/longformer_transformers_0314df8e/onnx/longformer_transformers_0314df8e-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/longformer.py +class: LongformerModel +hash: 9f8e78d3 +model_name: longformer +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 509534.8057 +onnx_ops_counter: + Add: 845 + Cast: 1342 + Concat: 945 + Constant: 12786 + ConstantOfShape: 999 + CumSum: 1 + Div: 133 + Einsum: 36 + Equal: 626 + Erf: 12 + Expand: 768 + Gather: 1798 + Gemm: 1 + Less: 1 + MatMul: 72 + Mod: 2 + Mul: 999 + Neg: 12 + NonZero: 240 + Not: 2 + Pad: 51 + Pow: 25 + Range: 528 + ReduceMean: 50 + Reshape: 1230 + ScatterND: 144 + Shape: 2548 + Slice: 1132 + Softmax: 12 + Sqrt: 25 + Squeeze: 288 + Sub: 127 + Tanh: 1 + Transpose: 447 + Trilu: 24 + Unsqueeze: 2857 + Where: 696 +parameters: 148659456 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/longformer_Opset17_transformers/longformer_Opset17.onnx b/Natural_Language_Processing/longformer_Opset17_transformers/longformer_Opset17.onnx new file mode 100644 index 000000000..90ee342d6 --- /dev/null +++ b/Natural_Language_Processing/longformer_Opset17_transformers/longformer_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8db6ab88f27ecaa0063ca419198b7fb3c9d50559e3dc452ad1fd7b65180dad98 +size 521719811 diff --git a/Natural_Language_Processing/longformer_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/longformer_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..8bb5f44f9 --- /dev/null +++ b/Natural_Language_Processing/longformer_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,229 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 150.33402276039124 + set_success: 0.02535843849182129 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/longformer_transformers_0314df8e/onnx/longformer_transformers_0314df8e-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/longformer.py +class: LongformerModel +hash: 9f8e78d3 +model_name: longformer +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 509492.0352 +onnx_ops_counter: + Add: 795 + Cast: 1342 + Concat: 945 + Constant: 12736 + ConstantOfShape: 999 + CumSum: 1 + Div: 108 + Einsum: 36 + Equal: 626 + Erf: 12 + Expand: 768 + Gather: 1798 + Gemm: 1 + LayerNormalization: 25 + Less: 1 + MatMul: 72 + Mod: 2 + Mul: 974 + Neg: 12 + NonZero: 240 + Not: 2 + Pad: 51 + Range: 528 + Reshape: 1230 + ScatterND: 144 + Shape: 2548 + Slice: 1132 + Softmax: 12 + Squeeze: 288 + Sub: 102 + Tanh: 1 + Transpose: 447 + Trilu: 24 + Unsqueeze: 2857 + Where: 696 +parameters: 148659456 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/longformer_Opset18_transformers/longformer_Opset18.onnx b/Natural_Language_Processing/longformer_Opset18_transformers/longformer_Opset18.onnx new file mode 100644 index 000000000..537f61be5 --- /dev/null +++ b/Natural_Language_Processing/longformer_Opset18_transformers/longformer_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:929c77336fe41c39b35ceb8eb83ba6f564aa1c93e95283be8a26c2707e2435be +size 521719811 diff --git a/Natural_Language_Processing/longformer_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/longformer_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..043a0557b --- /dev/null +++ b/Natural_Language_Processing/longformer_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,229 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 153.43844985961914 + set_success: 0.02319169044494629 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/longformer_transformers_0314df8e/onnx/longformer_transformers_0314df8e-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/longformer.py +class: LongformerModel +hash: 9f8e78d3 +model_name: longformer +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 509492.0352 +onnx_ops_counter: + Add: 795 + Cast: 1342 + Concat: 945 + Constant: 12736 + ConstantOfShape: 999 + CumSum: 1 + Div: 108 + Einsum: 36 + Equal: 626 + Erf: 12 + Expand: 768 + Gather: 1798 + Gemm: 1 + LayerNormalization: 25 + Less: 1 + MatMul: 72 + Mod: 2 + Mul: 974 + Neg: 12 + NonZero: 240 + Not: 2 + Pad: 51 + Range: 528 + Reshape: 1230 + ScatterND: 144 + Shape: 2548 + Slice: 1132 + Softmax: 12 + Squeeze: 288 + Sub: 102 + Tanh: 1 + Transpose: 447 + Trilu: 24 + Unsqueeze: 2857 + Where: 696 +parameters: 148659456 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/longt5_Opset16_transformers/longt5_Opset16.onnx b/Natural_Language_Processing/longt5_Opset16_transformers/longt5_Opset16.onnx new file mode 100644 index 000000000..621bfe09f --- /dev/null +++ b/Natural_Language_Processing/longt5_Opset16_transformers/longt5_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:449f7cc71041c10cb54b52efa5ae0057de633b7680e21eff640ca5efc2f0d852 +size 893431657 diff --git a/Natural_Language_Processing/longt5_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/longt5_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..3d9a4d2e1 --- /dev/null +++ b/Natural_Language_Processing/longt5_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,229 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 26.0351665019989 + set_success: 0.034882307052612305 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/longt5_transformers_9d503aad/onnx/longt5_transformers_9d503aad-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/longt5.py +class: LongT5Model +hash: b0f575b5 +model_name: longt5 +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 872491.8848 +onnx_ops_counter: + Add: 254 + And: 2 + Cast: 224 + Concat: 216 + Constant: 1868 + ConstantOfShape: 27 + Div: 97 + Einsum: 24 + Expand: 1 + Gather: 203 + Greater: 1 + Less: 1 + LessOrEqual: 1 + Log: 1 + MatMul: 264 + Min: 2 + Mul: 248 + Neg: 1 + Pad: 25 + Pow: 86 + ReduceMean: 62 + Reshape: 233 + Shape: 199 + Slice: 112 + Softmax: 36 + Sqrt: 62 + Sub: 2 + Tanh: 24 + Tile: 1 + Transpose: 148 + Unsqueeze: 351 + Where: 2 +parameters: 222903552 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/longt5_Opset17_transformers/longt5_Opset17.onnx b/Natural_Language_Processing/longt5_Opset17_transformers/longt5_Opset17.onnx new file mode 100644 index 000000000..02f000c01 --- /dev/null +++ b/Natural_Language_Processing/longt5_Opset17_transformers/longt5_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:986928c5b664d0e8ec48df241f2f6aa070e28296d341c817d0be7032f0b94d2d +size 893431657 diff --git a/Natural_Language_Processing/longt5_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/longt5_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..24cab72d2 --- /dev/null +++ b/Natural_Language_Processing/longt5_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,229 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 28.484853506088257 + set_success: 0.032235145568847656 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/longt5_transformers_9d503aad/onnx/longt5_transformers_9d503aad-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/longt5.py +class: LongT5Model +hash: b0f575b5 +model_name: longt5 +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 872491.8848 +onnx_ops_counter: + Add: 254 + And: 2 + Cast: 224 + Concat: 216 + Constant: 1868 + ConstantOfShape: 27 + Div: 97 + Einsum: 24 + Expand: 1 + Gather: 203 + Greater: 1 + Less: 1 + LessOrEqual: 1 + Log: 1 + MatMul: 264 + Min: 2 + Mul: 248 + Neg: 1 + Pad: 25 + Pow: 86 + ReduceMean: 62 + Reshape: 233 + Shape: 199 + Slice: 112 + Softmax: 36 + Sqrt: 62 + Sub: 2 + Tanh: 24 + Tile: 1 + Transpose: 148 + Unsqueeze: 351 + Where: 2 +parameters: 222903552 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/longt5encoder_Opset16_transformers/longt5encoder_Opset16.onnx b/Natural_Language_Processing/longt5encoder_Opset16_transformers/longt5encoder_Opset16.onnx new file mode 100644 index 000000000..40a14c71c --- /dev/null +++ b/Natural_Language_Processing/longt5encoder_Opset16_transformers/longt5encoder_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:358627c7f2f8ca401170adf329f8e3447acf3f625296fdf761716024f021dbc9 +size 439594153 diff --git a/Natural_Language_Processing/longt5encoder_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/longt5encoder_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..0dfbe904f --- /dev/null +++ b/Natural_Language_Processing/longt5encoder_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.60194182395935 + set_success: 0.02256035804748535 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/longt5encoder_transformers_1f3189b6/onnx/longt5encoder_transformers_1f3189b6-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/longt5encoder.py +class: LongT5EncoderModel +hash: 607d149b +model_name: longt5encoder +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 429291.1973 +onnx_ops_counter: + Add: 130 + And: 2 + Cast: 158 + Concat: 127 + Constant: 1310 + ConstantOfShape: 25 + Div: 58 + Einsum: 24 + Gather: 178 + Greater: 1 + MatMul: 84 + Mul: 110 + Pad: 25 + Pow: 37 + ReduceMean: 25 + Reshape: 136 + Shape: 176 + Slice: 112 + Softmax: 12 + Sqrt: 25 + Tanh: 12 + Transpose: 27 + Unsqueeze: 258 + Where: 1 +parameters: 109628544 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/longt5encoder_Opset17_transformers/longt5encoder_Opset17.onnx b/Natural_Language_Processing/longt5encoder_Opset17_transformers/longt5encoder_Opset17.onnx new file mode 100644 index 000000000..495e6e557 --- /dev/null +++ b/Natural_Language_Processing/longt5encoder_Opset17_transformers/longt5encoder_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:feb73d4011f425be740778c46040dada9f31c94bd62c55b106a0fc60432df519 +size 439594153 diff --git a/Natural_Language_Processing/longt5encoder_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/longt5encoder_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..8ad88f4ed --- /dev/null +++ b/Natural_Language_Processing/longt5encoder_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 10.832956790924072 + set_success: 0.02122187614440918 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/longt5encoder_transformers_1f3189b6/onnx/longt5encoder_transformers_1f3189b6-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/longt5encoder.py +class: LongT5EncoderModel +hash: 607d149b +model_name: longt5encoder +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 429291.1973 +onnx_ops_counter: + Add: 130 + And: 2 + Cast: 158 + Concat: 127 + Constant: 1310 + ConstantOfShape: 25 + Div: 58 + Einsum: 24 + Gather: 178 + Greater: 1 + MatMul: 84 + Mul: 110 + Pad: 25 + Pow: 37 + ReduceMean: 25 + Reshape: 136 + Shape: 176 + Slice: 112 + Softmax: 12 + Sqrt: 25 + Tanh: 12 + Transpose: 27 + Unsqueeze: 258 + Where: 1 +parameters: 109628544 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/luke_Opset16_transformers/luke_Opset16.onnx b/Natural_Language_Processing/luke_Opset16_transformers/luke_Opset16.onnx new file mode 100644 index 000000000..5c2d952da --- /dev/null +++ b/Natural_Language_Processing/luke_Opset16_transformers/luke_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30f3d42af22704987494072136d80995e6c08da8d29cdb4f4ca476383b7d8efe +size 1112367466 diff --git a/Natural_Language_Processing/luke_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/luke_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..18adf5a42 --- /dev/null +++ b/Natural_Language_Processing/luke_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 14.00084900856018 + set_success: 0.8073391914367676 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/luke_transformers_fa65ac7c/onnx/luke_transformers_fa65ac7c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/luke.py +class: LukeModel +hash: 768087f1 +model_name: luke +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1086296.3857 +onnx_ops_counter: + Add: 173 + Cast: 4 + Constant: 299 + CumSum: 1 + Div: 49 + Equal: 1 + Erf: 12 + Gather: 4 + Gemm: 1 + MatMul: 96 + Mul: 51 + Not: 1 + Pow: 25 + ReduceMean: 50 + Reshape: 48 + Slice: 36 + Softmax: 12 + Sqrt: 25 + Sub: 26 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 +parameters: 585839104 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/luke_Opset17_transformers/luke_Opset17.onnx b/Natural_Language_Processing/luke_Opset17_transformers/luke_Opset17.onnx new file mode 100644 index 000000000..27c7c177f --- /dev/null +++ b/Natural_Language_Processing/luke_Opset17_transformers/luke_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5984914660f65038e5616335309b3f685204e76002a7508554f803458b3046c5 +size 1112323397 diff --git a/Natural_Language_Processing/luke_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/luke_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..e7667115b --- /dev/null +++ b/Natural_Language_Processing/luke_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.57386064529419 + set_success: 3.3562498092651367 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/luke_transformers_fa65ac7c/onnx/luke_transformers_fa65ac7c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/luke.py +class: LukeModel +hash: 768087f1 +model_name: luke +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1086253.3496 +onnx_ops_counter: + Add: 123 + Cast: 4 + Constant: 249 + CumSum: 1 + Div: 24 + Equal: 1 + Erf: 12 + Gather: 4 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 26 + Not: 1 + Reshape: 48 + Slice: 36 + Softmax: 12 + Sub: 1 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 +parameters: 585839104 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/luke_Opset18_transformers/luke_Opset18.onnx b/Natural_Language_Processing/luke_Opset18_transformers/luke_Opset18.onnx new file mode 100644 index 000000000..affb0498a --- /dev/null +++ b/Natural_Language_Processing/luke_Opset18_transformers/luke_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:956f2b507e8442315cfe9dfb3dffc8cffaf85dcf0eb92be0fc3731e35c457693 +size 1112323397 diff --git a/Natural_Language_Processing/luke_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/luke_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..e8c5f24ad --- /dev/null +++ b/Natural_Language_Processing/luke_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.285274744033813 + set_success: 1.6966891288757324 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/luke_transformers_fa65ac7c/onnx/luke_transformers_fa65ac7c-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/luke.py +class: LukeModel +hash: 768087f1 +model_name: luke +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1086253.3496 +onnx_ops_counter: + Add: 123 + Cast: 4 + Constant: 249 + CumSum: 1 + Div: 24 + Equal: 1 + Erf: 12 + Gather: 4 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 26 + Not: 1 + Reshape: 48 + Slice: 36 + Softmax: 12 + Sub: 1 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 +parameters: 585839104 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/m2m100_Opset16_transformers/m2m100_Opset16.onnx b/Natural_Language_Processing/m2m100_Opset16_transformers/m2m100_Opset16.onnx new file mode 100644 index 000000000..2a5a09c1a --- /dev/null +++ b/Natural_Language_Processing/m2m100_Opset16_transformers/m2m100_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d833f8cbc1337eae74aa17c20e1fd2b9f652f02506cfa12ab530c56c7fe53302 +size 1940085170 diff --git a/Natural_Language_Processing/m2m100_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/m2m100_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..7878e886b --- /dev/null +++ b/Natural_Language_Processing/m2m100_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 33.21484136581421 + set_success: 0.03569912910461426 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/m2m100_transformers_70ba132c/onnx/m2m100_transformers_70ba132c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/m2m100.py +class: M2M100Model +hash: 9e96dfd4 +model_name: m2m100 +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1894614.4561 +onnx_ops_counter: + Add: 416 + Cast: 14 + Constant: 551 + ConstantOfShape: 3 + CumSum: 2 + Div: 62 + Equal: 5 + Expand: 3 + Gather: 4 + Identity: 61 + MatMul: 264 + Mul: 105 + Not: 2 + Pow: 62 + ReduceMean: 124 + Relu: 24 + Reshape: 366 + Softmax: 36 + Sqrt: 62 + Sub: 64 + Transpose: 180 + Unsqueeze: 2 + Where: 5 +parameters: 483905536 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/m2m100_Opset17_transformers/m2m100_Opset17.onnx b/Natural_Language_Processing/m2m100_Opset17_transformers/m2m100_Opset17.onnx new file mode 100644 index 000000000..1e593ef1c --- /dev/null +++ b/Natural_Language_Processing/m2m100_Opset17_transformers/m2m100_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5620c8e7f6f43823f8f23bc4ac2f7705695bdbe52ebe8e70618acde9c0202f7 +size 1939978676 diff --git a/Natural_Language_Processing/m2m100_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/m2m100_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..e7c9ae974 --- /dev/null +++ b/Natural_Language_Processing/m2m100_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 32.185431241989136 + set_success: 0.03335237503051758 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/m2m100_transformers_70ba132c/onnx/m2m100_transformers_70ba132c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/m2m100.py +class: M2M100Model +hash: 9e96dfd4 +model_name: m2m100 +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1894510.458 +onnx_ops_counter: + Add: 292 + Cast: 14 + Constant: 427 + ConstantOfShape: 3 + CumSum: 2 + Equal: 5 + Expand: 3 + Gather: 4 + Identity: 61 + LayerNormalization: 62 + MatMul: 264 + Mul: 43 + Not: 2 + Relu: 24 + Reshape: 366 + Softmax: 36 + Sub: 2 + Transpose: 180 + Unsqueeze: 2 + Where: 5 +parameters: 483905536 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/m2m100_Opset18_transformers/m2m100_Opset18.onnx b/Natural_Language_Processing/m2m100_Opset18_transformers/m2m100_Opset18.onnx new file mode 100644 index 000000000..a8382919d --- /dev/null +++ b/Natural_Language_Processing/m2m100_Opset18_transformers/m2m100_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b233300a82d1d89e29ac4092b0dc1dda46639bf90738e27d4f6ebe496a2a860 +size 1939978676 diff --git a/Natural_Language_Processing/m2m100_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/m2m100_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..596d2e68a --- /dev/null +++ b/Natural_Language_Processing/m2m100_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 34.14084219932556 + set_success: 0.035019874572753906 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/m2m100_transformers_70ba132c/onnx/m2m100_transformers_70ba132c-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/m2m100.py +class: M2M100Model +hash: 9e96dfd4 +model_name: m2m100 +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1894510.458 +onnx_ops_counter: + Add: 292 + Cast: 14 + Constant: 427 + ConstantOfShape: 3 + CumSum: 2 + Equal: 5 + Expand: 3 + Gather: 4 + Identity: 61 + LayerNormalization: 62 + MatMul: 264 + Mul: 43 + Not: 2 + Relu: 24 + Reshape: 366 + Softmax: 36 + Sub: 2 + Transpose: 180 + Unsqueeze: 2 + Where: 5 +parameters: 483905536 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/marian_Opset16_transformers/marian_Opset16.onnx b/Natural_Language_Processing/marian_Opset16_transformers/marian_Opset16.onnx new file mode 100644 index 000000000..b04bffa7a --- /dev/null +++ b/Natural_Language_Processing/marian_Opset16_transformers/marian_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa60bfec5eb2fca1123aca562739b94195f8dfab2fe62b8a361f4063b4a2d61f +size 296093857 diff --git a/Natural_Language_Processing/marian_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/marian_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..c89c0ccbe --- /dev/null +++ b/Natural_Language_Processing/marian_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.322815656661987 + set_success: 0.021030664443969727 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/marian_transformers_f0c38a75/onnx/marian_transformers_f0c38a75-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/marian.py +class: MarianModel +hash: 46fba90f +model_name: marian +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 289154.1895 +onnx_ops_counter: + Add: 206 + Cast: 6 + Constant: 278 + ConstantOfShape: 3 + Div: 30 + Equal: 3 + Expand: 3 + Gather: 2 + Identity: 1 + MatMul: 132 + Mul: 65 + Pow: 30 + ReduceMean: 60 + Reshape: 182 + Sigmoid: 12 + Softmax: 18 + Sqrt: 30 + Sub: 32 + Transpose: 90 + Unsqueeze: 2 + Where: 5 +parameters: 74410496 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/marian_Opset17_transformers/marian_Opset17.onnx b/Natural_Language_Processing/marian_Opset17_transformers/marian_Opset17.onnx new file mode 100644 index 000000000..72b2bda6d --- /dev/null +++ b/Natural_Language_Processing/marian_Opset17_transformers/marian_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b9dff6e1483253cfc45767672b222408a4180b765e17f785fee0bc66d647ae6 +size 296042223 diff --git a/Natural_Language_Processing/marian_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/marian_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..608871138 --- /dev/null +++ b/Natural_Language_Processing/marian_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.515166282653809 + set_success: 0.7140438556671143 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/marian_transformers_f0c38a75/onnx/marian_transformers_f0c38a75-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/marian.py +class: MarianModel +hash: 46fba90f +model_name: marian +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 289103.7656 +onnx_ops_counter: + Add: 146 + Cast: 6 + Constant: 218 + ConstantOfShape: 3 + Equal: 3 + Expand: 3 + Gather: 2 + Identity: 1 + LayerNormalization: 30 + MatMul: 132 + Mul: 35 + Reshape: 182 + Sigmoid: 12 + Softmax: 18 + Sub: 2 + Transpose: 90 + Unsqueeze: 2 + Where: 5 +parameters: 74410496 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/marian_Opset18_transformers/marian_Opset18.onnx b/Natural_Language_Processing/marian_Opset18_transformers/marian_Opset18.onnx new file mode 100644 index 000000000..80dbdc190 --- /dev/null +++ b/Natural_Language_Processing/marian_Opset18_transformers/marian_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da0d5e9281d498d4ea43daddf54c6de9484c70f0dfe60ffdfdb55faa78dae24d +size 296042223 diff --git a/Natural_Language_Processing/marian_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/marian_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..f7562ab0f --- /dev/null +++ b/Natural_Language_Processing/marian_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.2643208503723145 + set_success: 0.02469015121459961 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/marian_transformers_f0c38a75/onnx/marian_transformers_f0c38a75-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/marian.py +class: MarianModel +hash: 46fba90f +model_name: marian +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 289103.7656 +onnx_ops_counter: + Add: 146 + Cast: 6 + Constant: 218 + ConstantOfShape: 3 + Equal: 3 + Expand: 3 + Gather: 2 + Identity: 1 + LayerNormalization: 30 + MatMul: 132 + Mul: 35 + Reshape: 182 + Sigmoid: 12 + Softmax: 18 + Sub: 2 + Transpose: 90 + Unsqueeze: 2 + Where: 5 +parameters: 74410496 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/markuplm_Opset16_transformers/markuplm_Opset16.onnx b/Natural_Language_Processing/markuplm_Opset16_transformers/markuplm_Opset16.onnx new file mode 100644 index 000000000..ff7a5e2c6 --- /dev/null +++ b/Natural_Language_Processing/markuplm_Opset16_transformers/markuplm_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19c8f1c0c79f239112ec25d0c8213243df3e25f4add962bb2398e7d963ad0224 +size 536211678 diff --git a/Natural_Language_Processing/markuplm_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/markuplm_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..86f93384a --- /dev/null +++ b/Natural_Language_Processing/markuplm_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.520951747894287 + set_success: 0.020415067672729492 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/markuplm_transformers_de333630/onnx/markuplm_transformers_de333630-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/markuplm.py +class: MarkupLMModel +hash: 7c7fa818 +model_name: markuplm +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 523644.249 +onnx_ops_counter: + Add: 177 + Cast: 3 + Concat: 2 + Constant: 255 + CumSum: 1 + Div: 49 + Equal: 1 + Erf: 12 + Gather: 104 + Gemm: 1 + MatMul: 98 + Mul: 51 + Not: 1 + Pow: 25 + ReduceMean: 50 + Relu: 1 + Reshape: 48 + Softmax: 12 + Sqrt: 25 + Sub: 26 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 +parameters: 135203072 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/markuplm_Opset17_transformers/markuplm_Opset17.onnx b/Natural_Language_Processing/markuplm_Opset17_transformers/markuplm_Opset17.onnx new file mode 100644 index 000000000..6583b5824 --- /dev/null +++ b/Natural_Language_Processing/markuplm_Opset17_transformers/markuplm_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb396d49dd23f2899b16eca4035a769603ed54c84d3cff00af2c57d89276c40b +size 536168168 diff --git a/Natural_Language_Processing/markuplm_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/markuplm_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..2a3feced7 --- /dev/null +++ b/Natural_Language_Processing/markuplm_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.90120792388916 + set_success: 0.018962621688842773 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/markuplm_transformers_de333630/onnx/markuplm_transformers_de333630-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/markuplm.py +class: MarkupLMModel +hash: 7c7fa818 +model_name: markuplm +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 523601.7588 +onnx_ops_counter: + Add: 127 + Cast: 3 + Concat: 2 + Constant: 205 + CumSum: 1 + Div: 24 + Equal: 1 + Erf: 12 + Gather: 104 + Gemm: 1 + LayerNormalization: 25 + MatMul: 98 + Mul: 26 + Not: 1 + Relu: 1 + Reshape: 48 + Softmax: 12 + Sub: 1 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 +parameters: 135203072 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/markuplm_Opset18_transformers/markuplm_Opset18.onnx b/Natural_Language_Processing/markuplm_Opset18_transformers/markuplm_Opset18.onnx new file mode 100644 index 000000000..6f6d1bc3b --- /dev/null +++ b/Natural_Language_Processing/markuplm_Opset18_transformers/markuplm_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2bd8b5434db9b97d219eb9abada7fc0a7733caaea13cf26c7cb6749541ae40f5 +size 536168168 diff --git a/Natural_Language_Processing/markuplm_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/markuplm_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..ca2387959 --- /dev/null +++ b/Natural_Language_Processing/markuplm_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.584185600280762 + set_success: 0.018326997756958008 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/markuplm_transformers_de333630/onnx/markuplm_transformers_de333630-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/markuplm.py +class: MarkupLMModel +hash: 7c7fa818 +model_name: markuplm +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 523601.7588 +onnx_ops_counter: + Add: 127 + Cast: 3 + Concat: 2 + Constant: 205 + CumSum: 1 + Div: 24 + Equal: 1 + Erf: 12 + Gather: 104 + Gemm: 1 + LayerNormalization: 25 + MatMul: 98 + Mul: 26 + Not: 1 + Relu: 1 + Reshape: 48 + Softmax: 12 + Sub: 1 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 +parameters: 135203072 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/mobilebert_Opset16_transformers/mobilebert_Opset16.onnx b/Natural_Language_Processing/mobilebert_Opset16_transformers/mobilebert_Opset16.onnx new file mode 100644 index 000000000..2417681f9 --- /dev/null +++ b/Natural_Language_Processing/mobilebert_Opset16_transformers/mobilebert_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bafee63f254482000be4f992cf081a321deac781db49be064c2be68729fccf78 +size 98735685 diff --git a/Natural_Language_Processing/mobilebert_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/mobilebert_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..efc01aa06 --- /dev/null +++ b/Natural_Language_Processing/mobilebert_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.193230867385864 + set_success: 0.023237943649291992 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilebert_transformers_17ac6066/onnx/mobilebert_transformers_17ac6066-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/mobilebert.py +class: MobileBertModel +hash: 57a78993 +model_name: mobilebert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 96421.5996 +onnx_ops_counter: + Add: 724 + Cast: 3 + Concat: 3 + Constant: 153 + ConstantOfShape: 2 + Div: 24 + Gather: 4 + Identity: 24 + MatMul: 409 + Mul: 194 + Pad: 2 + Relu: 96 + Reshape: 100 + Slice: 4 + Softmax: 24 + Sub: 1 + Transpose: 98 + Unsqueeze: 2 +parameters: 24581888 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/mobilebert_Opset17_transformers/mobilebert_Opset17.onnx b/Natural_Language_Processing/mobilebert_Opset17_transformers/mobilebert_Opset17.onnx new file mode 100644 index 000000000..092b5b934 --- /dev/null +++ b/Natural_Language_Processing/mobilebert_Opset17_transformers/mobilebert_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6d473b7223e06ec9aba257845f21f04d0bf13d59237b146d20b3c25745c7d14 +size 98735685 diff --git a/Natural_Language_Processing/mobilebert_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/mobilebert_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..974e05411 --- /dev/null +++ b/Natural_Language_Processing/mobilebert_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.417176485061646 + set_success: 0.021467208862304688 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilebert_transformers_17ac6066/onnx/mobilebert_transformers_17ac6066-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/mobilebert.py +class: MobileBertModel +hash: 57a78993 +model_name: mobilebert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 96421.5996 +onnx_ops_counter: + Add: 724 + Cast: 3 + Concat: 3 + Constant: 153 + ConstantOfShape: 2 + Div: 24 + Gather: 4 + Identity: 24 + MatMul: 409 + Mul: 194 + Pad: 2 + Relu: 96 + Reshape: 100 + Slice: 4 + Softmax: 24 + Sub: 1 + Transpose: 98 + Unsqueeze: 2 +parameters: 24581888 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/mobilebert_Opset18_transformers/mobilebert_Opset18.onnx b/Natural_Language_Processing/mobilebert_Opset18_transformers/mobilebert_Opset18.onnx new file mode 100644 index 000000000..d99d38d58 --- /dev/null +++ b/Natural_Language_Processing/mobilebert_Opset18_transformers/mobilebert_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4e106606d263f603ed17f3ae128ee9d2a7464575291bce4dd05665166ec00f2 +size 98735685 diff --git a/Natural_Language_Processing/mobilebert_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/mobilebert_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..20a02fdca --- /dev/null +++ b/Natural_Language_Processing/mobilebert_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.6530122756958 + set_success: 0.022517681121826172 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mobilebert_transformers_17ac6066/onnx/mobilebert_transformers_17ac6066-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/mobilebert.py +class: MobileBertModel +hash: 57a78993 +model_name: mobilebert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 96421.5996 +onnx_ops_counter: + Add: 724 + Cast: 3 + Concat: 3 + Constant: 153 + ConstantOfShape: 2 + Div: 24 + Gather: 4 + Identity: 24 + MatMul: 409 + Mul: 194 + Pad: 2 + Relu: 96 + Reshape: 100 + Slice: 4 + Softmax: 24 + Sub: 1 + Transpose: 98 + Unsqueeze: 2 +parameters: 24581888 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/mpnet_Opset16_transformers/mpnet_Opset16.onnx b/Natural_Language_Processing/mpnet_Opset16_transformers/mpnet_Opset16.onnx new file mode 100644 index 000000000..c07f2f753 --- /dev/null +++ b/Natural_Language_Processing/mpnet_Opset16_transformers/mpnet_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85517a199046969cc062e479a6f06d2d9e57bd5b7ef77fcdb49885603764f95a +size 438496290 diff --git a/Natural_Language_Processing/mpnet_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/mpnet_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..1481e20d2 --- /dev/null +++ b/Natural_Language_Processing/mpnet_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.373798370361328 + set_success: 0.019223928451538086 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mpnet_transformers_4d21d2ec/onnx/mpnet_transformers_4d21d2ec-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/mpnet.py +class: MPNetModel +hash: 908bc59b +model_name: mpnet +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 428219.0654 +onnx_ops_counter: + Abs: 1 + Add: 186 + Cast: 6 + Constant: 166 + ConstantOfShape: 1 + CumSum: 1 + Div: 51 + Equal: 2 + Erf: 12 + Expand: 1 + Gather: 4 + Gemm: 1 + Less: 1 + Log: 1 + MatMul: 96 + Min: 1 + Mul: 53 + Not: 1 + Pow: 25 + ReduceMean: 50 + Reshape: 48 + Softmax: 12 + Sqrt: 25 + Sub: 26 + Tanh: 1 + Transpose: 49 + Unsqueeze: 3 + Where: 2 +parameters: 109486464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/mpnet_Opset17_transformers/mpnet_Opset17.onnx b/Natural_Language_Processing/mpnet_Opset17_transformers/mpnet_Opset17.onnx new file mode 100644 index 000000000..abb63c250 --- /dev/null +++ b/Natural_Language_Processing/mpnet_Opset17_transformers/mpnet_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c78281f798dab315260f9201d7541b031c4aee3b5c4b2ce6a22c22b518aa2c2 +size 438455468 diff --git a/Natural_Language_Processing/mpnet_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/mpnet_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..b460806c4 --- /dev/null +++ b/Natural_Language_Processing/mpnet_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.012664318084717 + set_success: 0.01995682716369629 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mpnet_transformers_4d21d2ec/onnx/mpnet_transformers_4d21d2ec-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/mpnet.py +class: MPNetModel +hash: 908bc59b +model_name: mpnet +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 428179.2002 +onnx_ops_counter: + Abs: 1 + Add: 136 + Cast: 6 + Constant: 116 + ConstantOfShape: 1 + CumSum: 1 + Div: 26 + Equal: 2 + Erf: 12 + Expand: 1 + Gather: 4 + Gemm: 1 + LayerNormalization: 25 + Less: 1 + Log: 1 + MatMul: 96 + Min: 1 + Mul: 28 + Not: 1 + Reshape: 48 + Softmax: 12 + Sub: 1 + Tanh: 1 + Transpose: 49 + Unsqueeze: 3 + Where: 2 +parameters: 109486464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/mpnet_Opset18_transformers/mpnet_Opset18.onnx b/Natural_Language_Processing/mpnet_Opset18_transformers/mpnet_Opset18.onnx new file mode 100644 index 000000000..c14252011 --- /dev/null +++ b/Natural_Language_Processing/mpnet_Opset18_transformers/mpnet_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca05a26938872774693449a6c6d0e14b5ee9902a1b0bc61081175c429a6d898f +size 438455468 diff --git a/Natural_Language_Processing/mpnet_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/mpnet_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..566d36f27 --- /dev/null +++ b/Natural_Language_Processing/mpnet_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.096266269683838 + set_success: 0.018712282180786133 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mpnet_transformers_4d21d2ec/onnx/mpnet_transformers_4d21d2ec-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/mpnet.py +class: MPNetModel +hash: 908bc59b +model_name: mpnet +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 428179.2002 +onnx_ops_counter: + Abs: 1 + Add: 136 + Cast: 6 + Constant: 116 + ConstantOfShape: 1 + CumSum: 1 + Div: 26 + Equal: 2 + Erf: 12 + Expand: 1 + Gather: 4 + Gemm: 1 + LayerNormalization: 25 + Less: 1 + Log: 1 + MatMul: 96 + Min: 1 + Mul: 28 + Not: 1 + Reshape: 48 + Softmax: 12 + Sub: 1 + Tanh: 1 + Transpose: 49 + Unsqueeze: 3 + Where: 2 +parameters: 109486464 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/mra_Opset16_transformers/mra_Opset16.onnx b/Natural_Language_Processing/mra_Opset16_transformers/mra_Opset16.onnx new file mode 100644 index 000000000..41baeec41 --- /dev/null +++ b/Natural_Language_Processing/mra_Opset16_transformers/mra_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b6996b6a55d22e3908aa72a8563dd6984fd2ebec47b22f15a6e9ac6ddcb61cde +size 415995979 diff --git a/Natural_Language_Processing/mra_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/mra_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..7ce2e491b --- /dev/null +++ b/Natural_Language_Processing/mra_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,206 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.351496934890747 + set_success: 0.022372007369995117 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mra_transformers_c621536a/onnx/mra_transformers_c621536a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/mra.py +class: MraModel +hash: 63b9e9be +model_name: mra +onnx_input_dimensions: + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 406246.1055 +onnx_ops_counter: + Add: 124 + Constant: 102 + ConstantOfShape: 1 + Div: 37 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 3 + MatMul: 36 + Mul: 50 + Pow: 25 + ReduceMean: 50 + Sqrt: 25 + Sub: 25 + Where: 1 +parameters: 124055040 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/mra_Opset17_transformers/mra_Opset17.onnx b/Natural_Language_Processing/mra_Opset17_transformers/mra_Opset17.onnx new file mode 100644 index 000000000..17bec65f0 --- /dev/null +++ b/Natural_Language_Processing/mra_Opset17_transformers/mra_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f33ef31fa49efc8654e55d91ef23fa57c34fa6734f64d6c8fb316242c7b8ea40 +size 415951925 diff --git a/Natural_Language_Processing/mra_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/mra_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..2cda1ae20 --- /dev/null +++ b/Natural_Language_Processing/mra_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.054635047912598 + set_success: 0.020481109619140625 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mra_transformers_c621536a/onnx/mra_transformers_c621536a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/mra.py +class: MraModel +hash: 63b9e9be +model_name: mra +onnx_input_dimensions: + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 406203.084 +onnx_ops_counter: + Add: 74 + Constant: 52 + ConstantOfShape: 1 + Div: 12 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 3 + LayerNormalization: 25 + MatMul: 36 + Mul: 25 + Where: 1 +parameters: 124055040 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/mra_Opset18_transformers/mra_Opset18.onnx b/Natural_Language_Processing/mra_Opset18_transformers/mra_Opset18.onnx new file mode 100644 index 000000000..681bace7b --- /dev/null +++ b/Natural_Language_Processing/mra_Opset18_transformers/mra_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9af9601fa41bc5ef6beb11a7448904084cb65b0320f741032ce79096655683c9 +size 415951925 diff --git a/Natural_Language_Processing/mra_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/mra_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..904758c35 --- /dev/null +++ b/Natural_Language_Processing/mra_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,203 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.477269172668457 + set_success: 0.023490428924560547 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mra_transformers_c621536a/onnx/mra_transformers_c621536a-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/mra.py +class: MraModel +hash: 63b9e9be +model_name: mra +onnx_input_dimensions: + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 406203.084 +onnx_ops_counter: + Add: 74 + Constant: 52 + ConstantOfShape: 1 + Div: 12 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 3 + LayerNormalization: 25 + MatMul: 36 + Mul: 25 + Where: 1 +parameters: 124055040 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/mt5_Opset16_transformers/mt5_Opset16.onnx b/Natural_Language_Processing/mt5_Opset16_transformers/mt5_Opset16.onnx new file mode 100644 index 000000000..dc976edb0 --- /dev/null +++ b/Natural_Language_Processing/mt5_Opset16_transformers/mt5_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3aa799ed4a52331704f7eafb976181c08f436f3487d7e1238ad809faf3fc6220 +size 689931824 diff --git a/Natural_Language_Processing/mt5_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/mt5_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..3b0408759 --- /dev/null +++ b/Natural_Language_Processing/mt5_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,223 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.788004398345947 + set_success: 1.6565544605255127 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mt5_transformers_70725f59/onnx/mt5_transformers_70725f59-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/mt5.py +class: MT5Model +hash: eaa1354f +model_name: mt5 +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 673761.5791 +onnx_ops_counter: + Abs: 1 + Add: 144 + Cast: 73 + Constant: 335 + ConstantOfShape: 1 + Div: 46 + Expand: 1 + Gather: 4 + Less: 2 + LessOrEqual: 1 + Log: 2 + MatMul: 192 + Min: 3 + Mul: 169 + Neg: 1 + Pow: 58 + ReduceMean: 42 + Reshape: 98 + Softmax: 24 + Sqrt: 42 + Sub: 2 + Tanh: 16 + Tile: 1 + Transpose: 114 + Unsqueeze: 5 + Where: 2 +parameters: 172119424 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/mt5_Opset17_transformers/mt5_Opset17.onnx b/Natural_Language_Processing/mt5_Opset17_transformers/mt5_Opset17.onnx new file mode 100644 index 000000000..e0001315a --- /dev/null +++ b/Natural_Language_Processing/mt5_Opset17_transformers/mt5_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1aed1fdbae28865301a1c4cbf9809c30bb201e6a6708ff71daee88201bd14be3 +size 689931824 diff --git a/Natural_Language_Processing/mt5_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/mt5_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..493cd2ff7 --- /dev/null +++ b/Natural_Language_Processing/mt5_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,223 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.972282648086548 + set_success: 4.693367004394531 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mt5_transformers_70725f59/onnx/mt5_transformers_70725f59-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/mt5.py +class: MT5Model +hash: eaa1354f +model_name: mt5 +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 673761.5791 +onnx_ops_counter: + Abs: 1 + Add: 144 + Cast: 73 + Constant: 335 + ConstantOfShape: 1 + Div: 46 + Expand: 1 + Gather: 4 + Less: 2 + LessOrEqual: 1 + Log: 2 + MatMul: 192 + Min: 3 + Mul: 169 + Neg: 1 + Pow: 58 + ReduceMean: 42 + Reshape: 98 + Softmax: 24 + Sqrt: 42 + Sub: 2 + Tanh: 16 + Tile: 1 + Transpose: 114 + Unsqueeze: 5 + Where: 2 +parameters: 172119424 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/mt5encoder_Opset16_transformers/mt5encoder_Opset16.onnx b/Natural_Language_Processing/mt5encoder_Opset16_transformers/mt5encoder_Opset16.onnx new file mode 100644 index 000000000..d4b446c22 --- /dev/null +++ b/Natural_Language_Processing/mt5encoder_Opset16_transformers/mt5encoder_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f58f053fcca94360336ca2f289ae40c4711eb0c5c9dff8c322dc8dc84672c9d +size 588262939 diff --git a/Natural_Language_Processing/mt5encoder_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/mt5encoder_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..512407f19 --- /dev/null +++ b/Natural_Language_Processing/mt5encoder_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.499584197998047 + set_success: 0.02220296859741211 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mt5encoder_transformers_c2cadb4b/onnx/mt5encoder_transformers_c2cadb4b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/mt5encoder.py +class: MT5EncoderModel +hash: 56e9c10c +model_name: mt5encoder +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 574475.5586 +onnx_ops_counter: + Abs: 1 + Add: 60 + Cast: 28 + Constant: 137 + Div: 19 + Gather: 2 + Less: 1 + Log: 1 + MatMul: 72 + Min: 1 + Mul: 76 + Pow: 25 + ReduceMean: 17 + Reshape: 33 + Softmax: 8 + Sqrt: 17 + Sub: 1 + Tanh: 8 + Transpose: 33 + Unsqueeze: 3 + Where: 1 +parameters: 146940608 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/mt5encoder_Opset17_transformers/mt5encoder_Opset17.onnx b/Natural_Language_Processing/mt5encoder_Opset17_transformers/mt5encoder_Opset17.onnx new file mode 100644 index 000000000..59776b9fd --- /dev/null +++ b/Natural_Language_Processing/mt5encoder_Opset17_transformers/mt5encoder_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d87aefbb0a16fb57306ec5ddeed568d48abf27fe4b11b744b29e347e2f303ee4 +size 588262939 diff --git a/Natural_Language_Processing/mt5encoder_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/mt5encoder_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..96f39f6c1 --- /dev/null +++ b/Natural_Language_Processing/mt5encoder_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.648845672607422 + set_success: 0.018825769424438477 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mt5encoder_transformers_c2cadb4b/onnx/mt5encoder_transformers_c2cadb4b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/mt5encoder.py +class: MT5EncoderModel +hash: 56e9c10c +model_name: mt5encoder +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 574475.5586 +onnx_ops_counter: + Abs: 1 + Add: 60 + Cast: 28 + Constant: 137 + Div: 19 + Gather: 2 + Less: 1 + Log: 1 + MatMul: 72 + Min: 1 + Mul: 76 + Pow: 25 + ReduceMean: 17 + Reshape: 33 + Softmax: 8 + Sqrt: 17 + Sub: 1 + Tanh: 8 + Transpose: 33 + Unsqueeze: 3 + Where: 1 +parameters: 146940608 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/mvp_Opset16_transformers/mvp_Opset16.onnx b/Natural_Language_Processing/mvp_Opset16_transformers/mvp_Opset16.onnx new file mode 100644 index 000000000..3f6a6fa8b --- /dev/null +++ b/Natural_Language_Processing/mvp_Opset16_transformers/mvp_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0ed40f1d34727c00ee4451fdea0ada0be636107bedde88db4ef7aeaf1d1780f1 +size 1625718338 diff --git a/Natural_Language_Processing/mvp_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/mvp_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..5a6371a7a --- /dev/null +++ b/Natural_Language_Processing/mvp_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 34.84022235870361 + set_success: 0.03614687919616699 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mvp_transformers_fe815306/onnx/mvp_transformers_fe815306-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/mvp.py +class: MvpModel +hash: 203a10ac +model_name: mvp +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1587615.5967 +onnx_ops_counter: + Add: 440 + Cast: 8 + Concat: 3 + Constant: 654 + ConstantOfShape: 9 + Div: 86 + Equal: 10 + Erf: 24 + Expand: 11 + Gather: 5 + MatMul: 264 + Mul: 157 + Pow: 62 + ReduceMean: 124 + Reshape: 364 + ScatterND: 2 + Shape: 2 + Slice: 2 + Softmax: 36 + Sqrt: 62 + Sub: 64 + Transpose: 180 + Unsqueeze: 6 + Where: 12 +parameters: 406293504 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/mvp_Opset17_transformers/mvp_Opset17.onnx b/Natural_Language_Processing/mvp_Opset17_transformers/mvp_Opset17.onnx new file mode 100644 index 000000000..c25ef0ded --- /dev/null +++ b/Natural_Language_Processing/mvp_Opset17_transformers/mvp_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d4dec3dbf1bbfeeaa81c139d1a277202d32a11942806b50f58c5e41f785ea54 +size 1625612060 diff --git a/Natural_Language_Processing/mvp_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/mvp_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..537abb53b --- /dev/null +++ b/Natural_Language_Processing/mvp_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 28.76196813583374 + set_success: 0.033410072326660156 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mvp_transformers_fe815306/onnx/mvp_transformers_fe815306-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/mvp.py +class: MvpModel +hash: 203a10ac +model_name: mvp +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1587511.8096 +onnx_ops_counter: + Add: 316 + Cast: 8 + Concat: 3 + Constant: 530 + ConstantOfShape: 9 + Div: 24 + Equal: 10 + Erf: 24 + Expand: 11 + Gather: 5 + LayerNormalization: 62 + MatMul: 264 + Mul: 95 + Reshape: 364 + ScatterND: 2 + Shape: 2 + Slice: 2 + Softmax: 36 + Sub: 2 + Transpose: 180 + Unsqueeze: 6 + Where: 12 +parameters: 406293504 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/mvp_Opset18_transformers/mvp_Opset18.onnx b/Natural_Language_Processing/mvp_Opset18_transformers/mvp_Opset18.onnx new file mode 100644 index 000000000..54ba30794 --- /dev/null +++ b/Natural_Language_Processing/mvp_Opset18_transformers/mvp_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c4c38335be38c2dbb3a4bfd94b160854dd662f1cfd099b72c420f1f20a62e6d +size 1625612060 diff --git a/Natural_Language_Processing/mvp_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/mvp_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..e5fab816e --- /dev/null +++ b/Natural_Language_Processing/mvp_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 36.42529606819153 + set_success: 0.03821682929992676 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/mvp_transformers_fe815306/onnx/mvp_transformers_fe815306-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/mvp.py +class: MvpModel +hash: 203a10ac +model_name: mvp +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1587511.8096 +onnx_ops_counter: + Add: 316 + Cast: 8 + Concat: 3 + Constant: 530 + ConstantOfShape: 9 + Div: 24 + Equal: 10 + Erf: 24 + Expand: 11 + Gather: 5 + LayerNormalization: 62 + MatMul: 264 + Mul: 95 + Reshape: 364 + ScatterND: 2 + Shape: 2 + Slice: 2 + Softmax: 36 + Sub: 2 + Transpose: 180 + Unsqueeze: 6 + Where: 12 +parameters: 406293504 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/nezha_Opset16_transformers/nezha_Opset16.onnx b/Natural_Language_Processing/nezha_Opset16_transformers/nezha_Opset16.onnx new file mode 100644 index 000000000..393992f7a --- /dev/null +++ b/Natural_Language_Processing/nezha_Opset16_transformers/nezha_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b8a1d954675f49f532eeff9e4d0c6c5e84415134bbda30eec5aaaf06df7db28 +size 508359647 diff --git a/Natural_Language_Processing/nezha_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/nezha_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..083c3d03d --- /dev/null +++ b/Natural_Language_Processing/nezha_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.323010921478271 + set_success: 0.025402307510375977 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/nezha_transformers_9befddc7/onnx/nezha_transformers_9befddc7-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/nezha.py +class: NezhaModel +hash: a802c03f +model_name: nezha +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 496445.0 +onnx_ops_counter: + Add: 195 + Cast: 1 + Constant: 227 + ConstantOfShape: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 3 + Gemm: 1 + MatMul: 120 + Mul: 51 + Pow: 25 + ReduceMean: 50 + Reshape: 96 + Softmax: 12 + Sqrt: 25 + Sub: 26 + Tanh: 1 + Transpose: 96 + Unsqueeze: 2 + Where: 1 +parameters: 101874432 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/nezha_Opset17_transformers/nezha_Opset17.onnx b/Natural_Language_Processing/nezha_Opset17_transformers/nezha_Opset17.onnx new file mode 100644 index 000000000..ec045349c --- /dev/null +++ b/Natural_Language_Processing/nezha_Opset17_transformers/nezha_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0bdc284276d9c44721fb49133a4e28956bd1f17b39b60dc6fe9913e7472893a +size 508316139 diff --git a/Natural_Language_Processing/nezha_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/nezha_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..e8abcdf85 --- /dev/null +++ b/Natural_Language_Processing/nezha_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.403233289718628 + set_success: 0.023202180862426758 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/nezha_transformers_9befddc7/onnx/nezha_transformers_9befddc7-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/nezha.py +class: NezhaModel +hash: a802c03f +model_name: nezha +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 496402.5117 +onnx_ops_counter: + Add: 145 + Cast: 1 + Constant: 177 + ConstantOfShape: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 3 + Gemm: 1 + LayerNormalization: 25 + MatMul: 120 + Mul: 26 + Reshape: 96 + Softmax: 12 + Sub: 1 + Tanh: 1 + Transpose: 96 + Unsqueeze: 2 + Where: 1 +parameters: 101874432 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/nezha_Opset18_transformers/nezha_Opset18.onnx b/Natural_Language_Processing/nezha_Opset18_transformers/nezha_Opset18.onnx new file mode 100644 index 000000000..4419b8089 --- /dev/null +++ b/Natural_Language_Processing/nezha_Opset18_transformers/nezha_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:597d217f04e93bb4391706b027367e104a63ae4adafe6f9e6436cdeae42cba5f +size 508316139 diff --git a/Natural_Language_Processing/nezha_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/nezha_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..5366b3071 --- /dev/null +++ b/Natural_Language_Processing/nezha_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.99800968170166 + set_success: 0.022806167602539062 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/nezha_transformers_9befddc7/onnx/nezha_transformers_9befddc7-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/nezha.py +class: NezhaModel +hash: a802c03f +model_name: nezha +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 496402.5117 +onnx_ops_counter: + Add: 145 + Cast: 1 + Constant: 177 + ConstantOfShape: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 3 + Gemm: 1 + LayerNormalization: 25 + MatMul: 120 + Mul: 26 + Reshape: 96 + Softmax: 12 + Sub: 1 + Tanh: 1 + Transpose: 96 + Unsqueeze: 2 + Where: 1 +parameters: 101874432 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/nystromformer_Opset16_transformers/nystromformer_Opset16.onnx b/Natural_Language_Processing/nystromformer_Opset16_transformers/nystromformer_Opset16.onnx new file mode 100644 index 000000000..98e37b927 --- /dev/null +++ b/Natural_Language_Processing/nystromformer_Opset16_transformers/nystromformer_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07e0bfaeb773eebbdeb17abbcb37127900acd83d31cb3112c2e9f7aff289ad9d +size 434185456 diff --git a/Natural_Language_Processing/nystromformer_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/nystromformer_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..44d920fb4 --- /dev/null +++ b/Natural_Language_Processing/nystromformer_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.059124231338501 + set_success: 0.023472070693969727 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/nystromformer_transformers_9ed45aff/onnx/nystromformer_transformers_9ed45aff-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/nystromformer.py +class: NystromformerModel +hash: 2419dcf0 +model_name: nystromformer +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 424009.2666 +onnx_ops_counter: + Add: 196 + Cast: 1 + Constant: 191 + ConstantOfShape: 1 + Conv: 12 + Div: 49 + Equal: 1 + Expand: 1 + Gather: 3 + MatMul: 96 + Mul: 75 + Pow: 37 + ReduceMean: 50 + Reshape: 48 + Softmax: 12 + Sqrt: 25 + Sub: 26 + Tanh: 12 + Transpose: 60 + Unsqueeze: 2 + Where: 1 +parameters: 108500112 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/nystromformer_Opset17_transformers/nystromformer_Opset17.onnx b/Natural_Language_Processing/nystromformer_Opset17_transformers/nystromformer_Opset17.onnx new file mode 100644 index 000000000..934dc8cba --- /dev/null +++ b/Natural_Language_Processing/nystromformer_Opset17_transformers/nystromformer_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0319e9bb6ef25a320b642b5d098734877dbccac43ae9f91a9149ab962ffca4dd +size 434141946 diff --git a/Natural_Language_Processing/nystromformer_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/nystromformer_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..279e0f7c0 --- /dev/null +++ b/Natural_Language_Processing/nystromformer_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.049039602279663 + set_success: 0.8542964458465576 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/nystromformer_transformers_9ed45aff/onnx/nystromformer_transformers_9ed45aff-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/nystromformer.py +class: NystromformerModel +hash: 2419dcf0 +model_name: nystromformer +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 423966.7764 +onnx_ops_counter: + Add: 146 + Cast: 1 + Constant: 141 + ConstantOfShape: 1 + Conv: 12 + Div: 24 + Equal: 1 + Expand: 1 + Gather: 3 + LayerNormalization: 25 + MatMul: 96 + Mul: 50 + Pow: 12 + Reshape: 48 + Softmax: 12 + Sub: 1 + Tanh: 12 + Transpose: 60 + Unsqueeze: 2 + Where: 1 +parameters: 108500112 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/nystromformer_Opset18_transformers/nystromformer_Opset18.onnx b/Natural_Language_Processing/nystromformer_Opset18_transformers/nystromformer_Opset18.onnx new file mode 100644 index 000000000..270a0538d --- /dev/null +++ b/Natural_Language_Processing/nystromformer_Opset18_transformers/nystromformer_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c701be0354f6e14df62216eb92983db2b39e4f6e168f928ce03740f99a184ae5 +size 434141946 diff --git a/Natural_Language_Processing/nystromformer_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/nystromformer_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..49dcdc09a --- /dev/null +++ b/Natural_Language_Processing/nystromformer_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.093522548675537 + set_success: 0.026351451873779297 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/nystromformer_transformers_9ed45aff/onnx/nystromformer_transformers_9ed45aff-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/nystromformer.py +class: NystromformerModel +hash: 2419dcf0 +model_name: nystromformer +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 423966.7764 +onnx_ops_counter: + Add: 146 + Cast: 1 + Constant: 141 + ConstantOfShape: 1 + Conv: 12 + Div: 24 + Equal: 1 + Expand: 1 + Gather: 3 + LayerNormalization: 25 + MatMul: 96 + Mul: 50 + Pow: 12 + Reshape: 48 + Softmax: 12 + Sub: 1 + Tanh: 12 + Transpose: 60 + Unsqueeze: 2 + Where: 1 +parameters: 108500112 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/opt_Opset16_transformers/opt_Opset16.onnx b/Natural_Language_Processing/opt_Opset16_transformers/opt_Opset16.onnx new file mode 100644 index 000000000..b648c4d54 --- /dev/null +++ b/Natural_Language_Processing/opt_Opset16_transformers/opt_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1fe1571488b802b5041f93dd86e237f7e9d6ea435846d04dd6f3fe09ca5bbc86 +size 1324994435 diff --git a/Natural_Language_Processing/opt_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/opt_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..f33a236ef --- /dev/null +++ b/Natural_Language_Processing/opt_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 20.370505571365356 + set_success: 0.029529094696044922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/opt_transformers_d41b44be/onnx/opt_transformers_d41b44be-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/opt.py +class: OPTModel +hash: 362f2957 +model_name: opt +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1293939.9102 +onnx_ops_counter: + Add: 267 + Cast: 6 + Constant: 447 + ConstantOfShape: 2 + CumSum: 1 + Div: 48 + Equal: 2 + Expand: 2 + Gather: 2 + Gemm: 48 + Identity: 47 + MatMul: 146 + Max: 24 + Mul: 75 + Pow: 48 + ReduceMean: 96 + Relu: 24 + Reshape: 289 + Softmax: 24 + Sqrt: 48 + Sub: 50 + Transpose: 120 + Unsqueeze: 2 + Where: 3 +parameters: 331196416 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/opt_Opset17_transformers/opt_Opset17.onnx b/Natural_Language_Processing/opt_Opset17_transformers/opt_Opset17.onnx new file mode 100644 index 000000000..78c472ac9 --- /dev/null +++ b/Natural_Language_Processing/opt_Opset17_transformers/opt_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e64870c5ce1552b36eb92debf8ccdca9572fd48f94b43351b95e8f9d937a95bc +size 1324912302 diff --git a/Natural_Language_Processing/opt_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/opt_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..ff87d9403 --- /dev/null +++ b/Natural_Language_Processing/opt_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.851659059524536 + set_success: 0.0285489559173584 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/opt_transformers_d41b44be/onnx/opt_transformers_d41b44be-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/opt.py +class: OPTModel +hash: 362f2957 +model_name: opt +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1293859.7021 +onnx_ops_counter: + Add: 171 + Cast: 6 + Constant: 351 + ConstantOfShape: 2 + CumSum: 1 + Equal: 2 + Expand: 2 + Gather: 2 + Gemm: 48 + Identity: 47 + LayerNormalization: 48 + MatMul: 146 + Max: 24 + Mul: 27 + Relu: 24 + Reshape: 289 + Softmax: 24 + Sub: 2 + Transpose: 120 + Unsqueeze: 2 + Where: 3 +parameters: 331196416 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/opt_Opset18_transformers/opt_Opset18.onnx b/Natural_Language_Processing/opt_Opset18_transformers/opt_Opset18.onnx new file mode 100644 index 000000000..688cabb67 --- /dev/null +++ b/Natural_Language_Processing/opt_Opset18_transformers/opt_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:57541847a7c464e7814a0a2c6a05aa802535bc55310ca9513b398eae1560b311 +size 1324912302 diff --git a/Natural_Language_Processing/opt_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/opt_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..0e022c084 --- /dev/null +++ b/Natural_Language_Processing/opt_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 18.249361753463745 + set_success: 0.031752586364746094 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/opt_transformers_d41b44be/onnx/opt_transformers_d41b44be-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/opt.py +class: OPTModel +hash: 362f2957 +model_name: opt +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1293859.7021 +onnx_ops_counter: + Add: 171 + Cast: 6 + Constant: 351 + ConstantOfShape: 2 + CumSum: 1 + Equal: 2 + Expand: 2 + Gather: 2 + Gemm: 48 + Identity: 47 + LayerNormalization: 48 + MatMul: 146 + Max: 24 + Mul: 27 + Relu: 24 + Reshape: 289 + Softmax: 24 + Sub: 2 + Transpose: 120 + Unsqueeze: 2 + Where: 3 +parameters: 331196416 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/pegasus_Opset16_transformers/pegasus_Opset16.tar.gz b/Natural_Language_Processing/pegasus_Opset16_transformers/pegasus_Opset16.tar.gz new file mode 100644 index 000000000..6a69ef784 --- /dev/null +++ b/Natural_Language_Processing/pegasus_Opset16_transformers/pegasus_Opset16.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:554234e211c930a03274f142c84f90bc0367da1af82b7153be3cb417a54b801e +size 2114364174 diff --git a/Natural_Language_Processing/pegasus_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/pegasus_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..bbe0f6a28 --- /dev/null +++ b/Natural_Language_Processing/pegasus_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 30.12797498703003 + set_success: 0.041855573654174805 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pegasus_transformers_2a0f3c31/onnx/pegasus_transformers_2a0f3c31-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/pegasus.py +class: PegasusModel +hash: bcd1d4f1 +model_name: pegasus +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): null +onnx_ops_counter: + Add: 550 + Cast: 6 + Constant: 712 + ConstantOfShape: 3 + Div: 82 + Equal: 3 + Expand: 3 + Gather: 2 + Identity: 192 + MatMul: 352 + Mul: 135 + Pow: 82 + ReduceMean: 164 + Relu: 32 + Reshape: 482 + Softmax: 48 + Sqrt: 82 + Sub: 84 + Transpose: 240 + Unsqueeze: 2 + Where: 5 +parameters: 602254336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/pegasus_Opset17_transformers/pegasus_Opset17.tar.gz b/Natural_Language_Processing/pegasus_Opset17_transformers/pegasus_Opset17.tar.gz new file mode 100644 index 000000000..8c4fd5e4a --- /dev/null +++ b/Natural_Language_Processing/pegasus_Opset17_transformers/pegasus_Opset17.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b5c98f7e20fd5c8374652e602dbb755c9bd0c4793d6d7614badb11899145c99 +size 2114355629 diff --git a/Natural_Language_Processing/pegasus_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/pegasus_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..4371a1ef7 --- /dev/null +++ b/Natural_Language_Processing/pegasus_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 27.62385368347168 + set_success: 0.042821645736694336 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pegasus_transformers_2a0f3c31/onnx/pegasus_transformers_2a0f3c31-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/pegasus.py +class: PegasusModel +hash: bcd1d4f1 +model_name: pegasus +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): null +onnx_ops_counter: + Add: 386 + Cast: 6 + Constant: 548 + ConstantOfShape: 3 + Equal: 3 + Expand: 3 + Gather: 2 + Identity: 192 + LayerNormalization: 82 + MatMul: 352 + Mul: 53 + Relu: 32 + Reshape: 482 + Softmax: 48 + Sub: 2 + Transpose: 240 + Unsqueeze: 2 + Where: 5 +parameters: 602254336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/pegasus_Opset18_transformers/pegasus_Opset18.tar.gz b/Natural_Language_Processing/pegasus_Opset18_transformers/pegasus_Opset18.tar.gz new file mode 100644 index 000000000..a194cb2fc --- /dev/null +++ b/Natural_Language_Processing/pegasus_Opset18_transformers/pegasus_Opset18.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b1b2daec11e44b812c6f94498de79da880da0f4dc8e933868619f66896731bd5 +size 2114353754 diff --git a/Natural_Language_Processing/pegasus_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/pegasus_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..6aa3b5b85 --- /dev/null +++ b/Natural_Language_Processing/pegasus_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 30.442103624343872 + set_success: 0.046320438385009766 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/pegasus_transformers_2a0f3c31/onnx/pegasus_transformers_2a0f3c31-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/pegasus.py +class: PegasusModel +hash: bcd1d4f1 +model_name: pegasus +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): null +onnx_ops_counter: + Add: 386 + Cast: 6 + Constant: 548 + ConstantOfShape: 3 + Equal: 3 + Expand: 3 + Gather: 2 + Identity: 192 + LayerNormalization: 82 + MatMul: 352 + Mul: 53 + Relu: 32 + Reshape: 482 + Softmax: 48 + Sub: 2 + Transpose: 240 + Unsqueeze: 2 + Where: 5 +parameters: 602254336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/prophetnet_Opset16_transformers/prophetnet_Opset16.onnx b/Natural_Language_Processing/prophetnet_Opset16_transformers/prophetnet_Opset16.onnx new file mode 100644 index 000000000..b2f26a303 --- /dev/null +++ b/Natural_Language_Processing/prophetnet_Opset16_transformers/prophetnet_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f5ebcdced20a6a68cc20043e44f13656131150b5784c14dfd529388a7ebac3f +size 1571669770 diff --git a/Natural_Language_Processing/prophetnet_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/prophetnet_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..1cb2f2217 --- /dev/null +++ b/Natural_Language_Processing/prophetnet_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,229 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 40.158206939697266 + set_success: 0.03540778160095215 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/prophetnet_transformers_6b281328/onnx/prophetnet_transformers_6b281328-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/prophetnet.py +class: ProphetNetModel +hash: 97cf2b71 +model_name: prophetnet +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1534833.792 +onnx_ops_counter: + Add: 561 + Cast: 33 + Clip: 2 + Concat: 162 + Constant: 1404 + ConstantOfShape: 11 + CumSum: 2 + Div: 170 + Einsum: 96 + Equal: 5 + Erf: 24 + Expand: 14 + Gather: 139 + GatherElements: 24 + Identity: 24 + MatMul: 228 + Mul: 263 + Pow: 62 + ReduceMean: 124 + Reshape: 389 + ScatterND: 3 + Shape: 148 + Slice: 165 + Softmax: 48 + Sqrt: 62 + Squeeze: 12 + Sub: 64 + Tile: 6 + Transpose: 241 + Trilu: 3 + Unsqueeze: 240 + Where: 5 +parameters: 391321600 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/prophetnet_Opset17_transformers/prophetnet_Opset17.onnx b/Natural_Language_Processing/prophetnet_Opset17_transformers/prophetnet_Opset17.onnx new file mode 100644 index 000000000..14cc1e0d5 --- /dev/null +++ b/Natural_Language_Processing/prophetnet_Opset17_transformers/prophetnet_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:48a601829a1348f607c5bb5013333e85fcc6d82ab1062c553d4bf2cf855b1781 +size 1571559452 diff --git a/Natural_Language_Processing/prophetnet_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/prophetnet_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..4fca902b3 --- /dev/null +++ b/Natural_Language_Processing/prophetnet_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 46.6323938369751 + set_success: 0.04412961006164551 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/prophetnet_transformers_6b281328/onnx/prophetnet_transformers_6b281328-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/prophetnet.py +class: ProphetNetModel +hash: 97cf2b71 +model_name: prophetnet +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1534726.0596 +onnx_ops_counter: + Add: 437 + Cast: 33 + Clip: 2 + Concat: 162 + Constant: 1280 + ConstantOfShape: 11 + CumSum: 2 + Div: 108 + Einsum: 96 + Equal: 5 + Erf: 24 + Expand: 14 + Gather: 139 + GatherElements: 24 + Identity: 24 + LayerNormalization: 62 + MatMul: 228 + Mul: 201 + Reshape: 389 + ScatterND: 3 + Shape: 148 + Slice: 165 + Softmax: 48 + Squeeze: 12 + Sub: 2 + Tile: 6 + Transpose: 241 + Trilu: 3 + Unsqueeze: 240 + Where: 5 +parameters: 391321600 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/prophetnet_Opset18_transformers/prophetnet_Opset18.onnx b/Natural_Language_Processing/prophetnet_Opset18_transformers/prophetnet_Opset18.onnx new file mode 100644 index 000000000..d7d09759d --- /dev/null +++ b/Natural_Language_Processing/prophetnet_Opset18_transformers/prophetnet_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf78f0f1a3b5aaa71ce08879b1bd88cca21363f1c6143e075117e03b47d26b0e +size 1571559452 diff --git a/Natural_Language_Processing/prophetnet_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/prophetnet_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..204e1f446 --- /dev/null +++ b/Natural_Language_Processing/prophetnet_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 41.53186011314392 + set_success: 0.03948712348937988 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/prophetnet_transformers_6b281328/onnx/prophetnet_transformers_6b281328-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/prophetnet.py +class: ProphetNetModel +hash: 97cf2b71 +model_name: prophetnet +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1534726.0596 +onnx_ops_counter: + Add: 437 + Cast: 33 + Clip: 2 + Concat: 162 + Constant: 1280 + ConstantOfShape: 11 + CumSum: 2 + Div: 108 + Einsum: 96 + Equal: 5 + Erf: 24 + Expand: 14 + Gather: 139 + GatherElements: 24 + Identity: 24 + LayerNormalization: 62 + MatMul: 228 + Mul: 201 + Reshape: 389 + ScatterND: 3 + Shape: 148 + Slice: 165 + Softmax: 48 + Squeeze: 12 + Sub: 2 + Tile: 6 + Transpose: 241 + Trilu: 3 + Unsqueeze: 240 + Where: 5 +parameters: 391321600 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/rembert_Opset16_transformers/rembert_Opset16.tar.gz b/Natural_Language_Processing/rembert_Opset16_transformers/rembert_Opset16.tar.gz new file mode 100644 index 000000000..2e2cb431a --- /dev/null +++ b/Natural_Language_Processing/rembert_Opset16_transformers/rembert_Opset16.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b1e4b90a1f56690a73166c8a853f9bcf30090e3636067e76377536ce8e1a30c5 +size 2137554278 diff --git a/Natural_Language_Processing/rembert_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/rembert_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..6b7775a16 --- /dev/null +++ b/Natural_Language_Processing/rembert_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 17.516987562179565 + set_success: 0.031673431396484375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/rembert_transformers_3d88efe3/onnx/rembert_transformers_3d88efe3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/rembert.py +class: RemBertModel +hash: d3c2bb73 +model_name: rembert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): null +onnx_ops_counter: + Add: 453 + Cast: 1 + Constant: 393 + Div: 129 + Erf: 32 + Gather: 4 + Gemm: 1 + MatMul: 257 + Mul: 130 + Pow: 65 + ReduceMean: 130 + Reshape: 128 + Softmax: 32 + Sqrt: 65 + Sub: 66 + Tanh: 1 + Transpose: 128 + Unsqueeze: 2 +parameters: 575920384 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/rembert_Opset17_transformers/rembert_Opset17.tar.gz b/Natural_Language_Processing/rembert_Opset17_transformers/rembert_Opset17.tar.gz new file mode 100644 index 000000000..a32e1d932 --- /dev/null +++ b/Natural_Language_Processing/rembert_Opset17_transformers/rembert_Opset17.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:738557e929c5cf832ae7f2e9513d9f092ddf1f0e3293a4b9eb72e1c60c502927 +size 2137541730 diff --git a/Natural_Language_Processing/rembert_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/rembert_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..4d002959a --- /dev/null +++ b/Natural_Language_Processing/rembert_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 20.631773233413696 + set_success: 0.03892111778259277 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/rembert_transformers_3d88efe3/onnx/rembert_transformers_3d88efe3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/rembert.py +class: RemBertModel +hash: d3c2bb73 +model_name: rembert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): null +onnx_ops_counter: + Add: 323 + Cast: 1 + Constant: 263 + Div: 64 + Erf: 32 + Gather: 4 + Gemm: 1 + LayerNormalization: 65 + MatMul: 257 + Mul: 65 + Reshape: 128 + Softmax: 32 + Sub: 1 + Tanh: 1 + Transpose: 128 + Unsqueeze: 2 +parameters: 575920384 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/rembert_Opset18_transformers/rembert_Opset18.tar.gz b/Natural_Language_Processing/rembert_Opset18_transformers/rembert_Opset18.tar.gz new file mode 100644 index 000000000..91140d4cb --- /dev/null +++ b/Natural_Language_Processing/rembert_Opset18_transformers/rembert_Opset18.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f745a25eb004865860526cd7499c573f2480478eff83d9570220a88507414ac9 +size 2137542331 diff --git a/Natural_Language_Processing/rembert_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/rembert_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..a7f0cac54 --- /dev/null +++ b/Natural_Language_Processing/rembert_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.573968172073364 + set_success: 0.03079843521118164 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/rembert_transformers_3d88efe3/onnx/rembert_transformers_3d88efe3-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/rembert.py +class: RemBertModel +hash: d3c2bb73 +model_name: rembert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): null +onnx_ops_counter: + Add: 323 + Cast: 1 + Constant: 263 + Div: 64 + Erf: 32 + Gather: 4 + Gemm: 1 + LayerNormalization: 65 + MatMul: 257 + Mul: 65 + Reshape: 128 + Softmax: 32 + Sub: 1 + Tanh: 1 + Transpose: 128 + Unsqueeze: 2 +parameters: 575920384 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/roberta_Opset16_transformers/roberta_Opset16.onnx b/Natural_Language_Processing/roberta_Opset16_transformers/roberta_Opset16.onnx new file mode 100644 index 000000000..2d10e8f04 --- /dev/null +++ b/Natural_Language_Processing/roberta_Opset16_transformers/roberta_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65713c05ad5a06c8715180428b69f6f3f65804bfcb802cc74687d26cbdfbf95f +size 498741609 diff --git a/Natural_Language_Processing/roberta_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/roberta_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..dca473fcb --- /dev/null +++ b/Natural_Language_Processing/roberta_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.162103176116943 + set_success: 0.018050432205200195 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/roberta_transformers_1e1a9ac3/onnx/roberta_transformers_1e1a9ac3-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/roberta.py +class: RobertaModel +hash: dbf115fc +model_name: roberta +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 487052.3848 +onnx_ops_counter: + Add: 173 + Cast: 3 + Constant: 158 + ConstantOfShape: 1 + CumSum: 1 + Div: 49 + Equal: 2 + Erf: 12 + Expand: 1 + Gather: 4 + Gemm: 1 + MatMul: 96 + Mul: 52 + Not: 1 + Pow: 25 + ReduceMean: 50 + Reshape: 48 + Softmax: 12 + Sqrt: 25 + Sub: 26 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 124645632 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/roberta_Opset17_transformers/roberta_Opset17.onnx b/Natural_Language_Processing/roberta_Opset17_transformers/roberta_Opset17.onnx new file mode 100644 index 000000000..deca6430c --- /dev/null +++ b/Natural_Language_Processing/roberta_Opset17_transformers/roberta_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:97a2117a5329a712b93b64492aa7510748cadf451ca318bb269af08ef73a4d72 +size 498698099 diff --git a/Natural_Language_Processing/roberta_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/roberta_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..756d10f3e --- /dev/null +++ b/Natural_Language_Processing/roberta_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.106841087341309 + set_success: 0.019242048263549805 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/roberta_transformers_1e1a9ac3/onnx/roberta_transformers_1e1a9ac3-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/roberta.py +class: RobertaModel +hash: dbf115fc +model_name: roberta +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 487009.8945 +onnx_ops_counter: + Add: 123 + Cast: 3 + Constant: 108 + ConstantOfShape: 1 + CumSum: 1 + Div: 24 + Equal: 2 + Erf: 12 + Expand: 1 + Gather: 4 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 27 + Not: 1 + Reshape: 48 + Softmax: 12 + Sub: 1 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 124645632 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/roberta_Opset18_transformers/roberta_Opset18.onnx b/Natural_Language_Processing/roberta_Opset18_transformers/roberta_Opset18.onnx new file mode 100644 index 000000000..9160c7906 --- /dev/null +++ b/Natural_Language_Processing/roberta_Opset18_transformers/roberta_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3eb147ac0d2f75a1f5c368397b040aca54c7f7615e7b5b509b5325d8a2519e6e +size 498698099 diff --git a/Natural_Language_Processing/roberta_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/roberta_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..c1bbf0bb2 --- /dev/null +++ b/Natural_Language_Processing/roberta_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.945726156234741 + set_success: 0.021533489227294922 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/roberta_transformers_1e1a9ac3/onnx/roberta_transformers_1e1a9ac3-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/roberta.py +class: RobertaModel +hash: dbf115fc +model_name: roberta +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 487009.8945 +onnx_ops_counter: + Add: 123 + Cast: 3 + Constant: 108 + ConstantOfShape: 1 + CumSum: 1 + Div: 24 + Equal: 2 + Erf: 12 + Expand: 1 + Gather: 4 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 27 + Not: 1 + Reshape: 48 + Softmax: 12 + Sub: 1 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 124645632 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/robertaprelayernorm_Opset16_transformers/robertaprelayernorm_Opset16.onnx b/Natural_Language_Processing/robertaprelayernorm_Opset16_transformers/robertaprelayernorm_Opset16.onnx new file mode 100644 index 000000000..0617073fd --- /dev/null +++ b/Natural_Language_Processing/robertaprelayernorm_Opset16_transformers/robertaprelayernorm_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:416330c1ee2a85335782e30efc449892906f922e9fcac55f6f8bc3e4147bf41c +size 1421760980 diff --git a/Natural_Language_Processing/robertaprelayernorm_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/robertaprelayernorm_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..102caece8 --- /dev/null +++ b/Natural_Language_Processing/robertaprelayernorm_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 22.561390161514282 + set_success: 0.026700258255004883 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/robertaprelayernorm_transformers_5c73efca/onnx/robertaprelayernorm_transformers_5c73efca-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/robertaprelayernorm.py +class: RobertaPreLayerNormModel +hash: f7778000 +model_name: robertaprelayernorm +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1388438.4893 +onnx_ops_counter: + Add: 343 + Cast: 3 + Constant: 304 + ConstantOfShape: 1 + CumSum: 1 + Div: 98 + Equal: 2 + Erf: 24 + Expand: 1 + Gather: 4 + Gemm: 1 + MatMul: 192 + Mul: 101 + Not: 1 + Pow: 50 + ReduceMean: 100 + Reshape: 96 + Softmax: 24 + Sqrt: 50 + Sub: 51 + Tanh: 1 + Transpose: 96 + Unsqueeze: 2 + Where: 1 +parameters: 355361792 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/robertaprelayernorm_Opset17_transformers/robertaprelayernorm_Opset17.onnx b/Natural_Language_Processing/robertaprelayernorm_Opset17_transformers/robertaprelayernorm_Opset17.onnx new file mode 100644 index 000000000..cb05f8c00 --- /dev/null +++ b/Natural_Language_Processing/robertaprelayernorm_Opset17_transformers/robertaprelayernorm_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5eb8331ce9dbfb7a309fe654659337f94478cb3552fc5185b87eef120cd55e10 +size 1421673817 diff --git a/Natural_Language_Processing/robertaprelayernorm_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/robertaprelayernorm_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..78834582c --- /dev/null +++ b/Natural_Language_Processing/robertaprelayernorm_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.822195291519165 + set_success: 0.026226043701171875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/robertaprelayernorm_transformers_5c73efca/onnx/robertaprelayernorm_transformers_5c73efca-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/robertaprelayernorm.py +class: RobertaPreLayerNormModel +hash: f7778000 +model_name: robertaprelayernorm +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1388353.3691 +onnx_ops_counter: + Add: 243 + Cast: 3 + Constant: 204 + ConstantOfShape: 1 + CumSum: 1 + Div: 48 + Equal: 2 + Erf: 24 + Expand: 1 + Gather: 4 + Gemm: 1 + LayerNormalization: 50 + MatMul: 192 + Mul: 51 + Not: 1 + Reshape: 96 + Softmax: 24 + Sub: 1 + Tanh: 1 + Transpose: 96 + Unsqueeze: 2 + Where: 1 +parameters: 355361792 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/robertaprelayernorm_Opset18_transformers/robertaprelayernorm_Opset18.onnx b/Natural_Language_Processing/robertaprelayernorm_Opset18_transformers/robertaprelayernorm_Opset18.onnx new file mode 100644 index 000000000..f11718c89 --- /dev/null +++ b/Natural_Language_Processing/robertaprelayernorm_Opset18_transformers/robertaprelayernorm_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7dd1d5331cf45c01ce24644909a6a8d882c2c022591100c05720f01a2f69ebf3 +size 1421673817 diff --git a/Natural_Language_Processing/robertaprelayernorm_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/robertaprelayernorm_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..a89b0a2a5 --- /dev/null +++ b/Natural_Language_Processing/robertaprelayernorm_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.519330978393555 + set_success: 0.026619911193847656 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/robertaprelayernorm_transformers_5c73efca/onnx/robertaprelayernorm_transformers_5c73efca-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/robertaprelayernorm.py +class: RobertaPreLayerNormModel +hash: f7778000 +model_name: robertaprelayernorm +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1388353.3691 +onnx_ops_counter: + Add: 243 + Cast: 3 + Constant: 204 + ConstantOfShape: 1 + CumSum: 1 + Div: 48 + Equal: 2 + Erf: 24 + Expand: 1 + Gather: 4 + Gemm: 1 + LayerNormalization: 50 + MatMul: 192 + Mul: 51 + Not: 1 + Reshape: 96 + Softmax: 24 + Sub: 1 + Tanh: 1 + Transpose: 96 + Unsqueeze: 2 + Where: 1 +parameters: 355361792 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/rocbert_Opset16_transformers/rocbert_Opset16.onnx b/Natural_Language_Processing/rocbert_Opset16_transformers/rocbert_Opset16.onnx new file mode 100644 index 000000000..78530495c --- /dev/null +++ b/Natural_Language_Processing/rocbert_Opset16_transformers/rocbert_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b7e8c6a70f5c334d3713706ea26b7a1e786bdc78ff9b146affe9dc885318978 +size 469231196 diff --git a/Natural_Language_Processing/rocbert_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/rocbert_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..10ef808a5 --- /dev/null +++ b/Natural_Language_Processing/rocbert_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,217 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.308813810348511 + set_success: 0.020851850509643555 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/rocbert_transformers_5d14038d/onnx/rocbert_transformers_5d14038d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/rocbert.py +class: RoCBertModel +hash: 29f9a23b +model_name: rocbert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 458233.6221 +onnx_ops_counter: + Add: 173 + Cast: 1 + Concat: 1 + Constant: 157 + ConstantOfShape: 1 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 6 + Gemm: 1 + MatMul: 97 + Mul: 51 + Pow: 25 + ReduceMean: 50 + Reshape: 48 + Softmax: 12 + Sqrt: 25 + Sub: 26 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 117267456 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/rocbert_Opset17_transformers/rocbert_Opset17.onnx b/Natural_Language_Processing/rocbert_Opset17_transformers/rocbert_Opset17.onnx new file mode 100644 index 000000000..07ddd344a --- /dev/null +++ b/Natural_Language_Processing/rocbert_Opset17_transformers/rocbert_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8fe37e70ba0d2fa5e5029fbc16a854186a14b20285dea093090f6c0cdc35e0ae +size 469187686 diff --git a/Natural_Language_Processing/rocbert_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/rocbert_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..b5282472d --- /dev/null +++ b/Natural_Language_Processing/rocbert_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.406287431716919 + set_success: 0.021432876586914062 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/rocbert_transformers_5d14038d/onnx/rocbert_transformers_5d14038d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/rocbert.py +class: RoCBertModel +hash: 29f9a23b +model_name: rocbert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 458191.1318 +onnx_ops_counter: + Add: 123 + Cast: 1 + Concat: 1 + Constant: 107 + ConstantOfShape: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 6 + Gemm: 1 + LayerNormalization: 25 + MatMul: 97 + Mul: 26 + Reshape: 48 + Softmax: 12 + Sub: 1 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 117267456 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/rocbert_Opset18_transformers/rocbert_Opset18.onnx b/Natural_Language_Processing/rocbert_Opset18_transformers/rocbert_Opset18.onnx new file mode 100644 index 000000000..82f452615 --- /dev/null +++ b/Natural_Language_Processing/rocbert_Opset18_transformers/rocbert_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:16f3e3ae99de35919d1c4937df14e76e419b565a795fa30ca549ae6286ae4465 +size 469187686 diff --git a/Natural_Language_Processing/rocbert_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/rocbert_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..1ef84f1a7 --- /dev/null +++ b/Natural_Language_Processing/rocbert_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.840624094009399 + set_success: 0.021808862686157227 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/rocbert_transformers_5d14038d/onnx/rocbert_transformers_5d14038d-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/rocbert.py +class: RoCBertModel +hash: 29f9a23b +model_name: rocbert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 458191.1318 +onnx_ops_counter: + Add: 123 + Cast: 1 + Concat: 1 + Constant: 107 + ConstantOfShape: 1 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 1 + Gather: 6 + Gemm: 1 + LayerNormalization: 25 + MatMul: 97 + Mul: 26 + Reshape: 48 + Softmax: 12 + Sub: 1 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 117267456 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/roformer_Opset16_transformers/roformer_Opset16.onnx b/Natural_Language_Processing/roformer_Opset16_transformers/roformer_Opset16.onnx new file mode 100644 index 000000000..40e069420 --- /dev/null +++ b/Natural_Language_Processing/roformer_Opset16_transformers/roformer_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b30d8ec3343c5cf516b72813d9dc51e7c037b34397c63e7dac0f8adbd85483c9 +size 494146413 diff --git a/Natural_Language_Processing/roformer_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/roformer_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..b09c849aa --- /dev/null +++ b/Natural_Language_Processing/roformer_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.961747407913208 + set_success: 0.019575119018554688 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/roformer_transformers_620b4fa1/onnx/roformer_transformers_620b4fa1-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/roformer.py +class: RoFormerModel +hash: c0ae20b6 +model_name: roformer +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 482564.8887 +onnx_ops_counter: + Add: 195 + Cast: 1 + Concat: 24 + Constant: 391 + Div: 49 + Erf: 12 + Gather: 2 + MatMul: 96 + Mul: 98 + Neg: 24 + Pow: 25 + ReduceMean: 50 + Reshape: 72 + Shape: 24 + Slice: 48 + Softmax: 12 + Sqrt: 25 + Sub: 26 + Transpose: 60 + Unsqueeze: 50 +parameters: 123555840 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/roformer_Opset17_transformers/roformer_Opset17.onnx b/Natural_Language_Processing/roformer_Opset17_transformers/roformer_Opset17.onnx new file mode 100644 index 000000000..f50337029 --- /dev/null +++ b/Natural_Language_Processing/roformer_Opset17_transformers/roformer_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1de76b4fcebc850ef16cf8efacc0e8ae169a0a2257a9ad9a4979f7adf3e65021 +size 494102905 diff --git a/Natural_Language_Processing/roformer_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/roformer_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..74cbbf364 --- /dev/null +++ b/Natural_Language_Processing/roformer_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.945623874664307 + set_success: 0.022823572158813477 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/roformer_transformers_620b4fa1/onnx/roformer_transformers_620b4fa1-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/roformer.py +class: RoFormerModel +hash: c0ae20b6 +model_name: roformer +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 482522.4004 +onnx_ops_counter: + Add: 145 + Cast: 1 + Concat: 24 + Constant: 341 + Div: 24 + Erf: 12 + Gather: 2 + LayerNormalization: 25 + MatMul: 96 + Mul: 73 + Neg: 24 + Reshape: 72 + Shape: 24 + Slice: 48 + Softmax: 12 + Sub: 1 + Transpose: 60 + Unsqueeze: 50 +parameters: 123555840 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/roformer_Opset18_transformers/roformer_Opset18.onnx b/Natural_Language_Processing/roformer_Opset18_transformers/roformer_Opset18.onnx new file mode 100644 index 000000000..a6473ae07 --- /dev/null +++ b/Natural_Language_Processing/roformer_Opset18_transformers/roformer_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:15a9aea0d08b3e6fde711e01a544ae4f4d44365cf34c7af47a1d9292f126afeb +size 494102905 diff --git a/Natural_Language_Processing/roformer_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/roformer_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..431a03ac5 --- /dev/null +++ b/Natural_Language_Processing/roformer_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.4341185092926025 + set_success: 0.022751569747924805 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/roformer_transformers_620b4fa1/onnx/roformer_transformers_620b4fa1-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/roformer.py +class: RoFormerModel +hash: c0ae20b6 +model_name: roformer +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 482522.4004 +onnx_ops_counter: + Add: 145 + Cast: 1 + Concat: 24 + Constant: 341 + Div: 24 + Erf: 12 + Gather: 2 + LayerNormalization: 25 + MatMul: 96 + Mul: 73 + Neg: 24 + Reshape: 72 + Shape: 24 + Slice: 48 + Softmax: 12 + Sub: 1 + Transpose: 60 + Unsqueeze: 50 +parameters: 123555840 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/splinter_Opset16_transformers/splinter_Opset16.onnx b/Natural_Language_Processing/splinter_Opset16_transformers/splinter_Opset16.onnx new file mode 100644 index 000000000..356b05cf0 --- /dev/null +++ b/Natural_Language_Processing/splinter_Opset16_transformers/splinter_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ece6c4495d650308a6feba0b2e16a515345ed2505b6853759a637bf458a92402 +size 431036711 diff --git a/Natural_Language_Processing/splinter_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/splinter_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..53dcefe9e --- /dev/null +++ b/Natural_Language_Processing/splinter_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,210 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.4037089347839355 + set_success: 0.020907163619995117 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/splinter_transformers_70407880/onnx/splinter_transformers_70407880-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/splinter.py +class: SplinterModel +hash: 9c5ed9e5 +model_name: splinter +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 420934.3203 +onnx_ops_counter: + Add: 172 + Cast: 1 + Constant: 152 + Div: 49 + Erf: 12 + Gather: 3 + MatMul: 96 + Mul: 50 + Pow: 25 + ReduceMean: 50 + Reshape: 48 + Softmax: 12 + Sqrt: 25 + Sub: 26 + Transpose: 48 + Unsqueeze: 2 +parameters: 107719680 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/splinter_Opset17_transformers/splinter_Opset17.onnx b/Natural_Language_Processing/splinter_Opset17_transformers/splinter_Opset17.onnx new file mode 100644 index 000000000..7a5112f97 --- /dev/null +++ b/Natural_Language_Processing/splinter_Opset17_transformers/splinter_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f6503395644cdb9a10f150351562f67023c9ca4f483d97e37d26b041db4563d +size 430993201 diff --git a/Natural_Language_Processing/splinter_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/splinter_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..2d0376f8b --- /dev/null +++ b/Natural_Language_Processing/splinter_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.698978662490845 + set_success: 0.0206453800201416 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/splinter_transformers_70407880/onnx/splinter_transformers_70407880-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/splinter.py +class: SplinterModel +hash: 9c5ed9e5 +model_name: splinter +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 420891.8301 +onnx_ops_counter: + Add: 122 + Cast: 1 + Constant: 102 + Div: 24 + Erf: 12 + Gather: 3 + LayerNormalization: 25 + MatMul: 96 + Mul: 25 + Reshape: 48 + Softmax: 12 + Sub: 1 + Transpose: 48 + Unsqueeze: 2 +parameters: 107719680 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/splinter_Opset18_transformers/splinter_Opset18.onnx b/Natural_Language_Processing/splinter_Opset18_transformers/splinter_Opset18.onnx new file mode 100644 index 000000000..603c758ea --- /dev/null +++ b/Natural_Language_Processing/splinter_Opset18_transformers/splinter_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f37feb683bf99cd3e7ae921501ddf15a0598d69edafe8ff71ec71a5e7ffad52 +size 430993201 diff --git a/Natural_Language_Processing/splinter_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/splinter_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..559a157ae --- /dev/null +++ b/Natural_Language_Processing/splinter_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,208 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 5.651272773742676 + set_success: 0.021016359329223633 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/splinter_transformers_70407880/onnx/splinter_transformers_70407880-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/splinter.py +class: SplinterModel +hash: 9c5ed9e5 +model_name: splinter +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 420891.8301 +onnx_ops_counter: + Add: 122 + Cast: 1 + Constant: 102 + Div: 24 + Erf: 12 + Gather: 3 + LayerNormalization: 25 + MatMul: 96 + Mul: 25 + Reshape: 48 + Softmax: 12 + Sub: 1 + Transpose: 48 + Unsqueeze: 2 +parameters: 107719680 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/squeezebert_Opset16_transformers/squeezebert_Opset16.onnx b/Natural_Language_Processing/squeezebert_Opset16_transformers/squeezebert_Opset16.onnx new file mode 100644 index 000000000..db32e5047 --- /dev/null +++ b/Natural_Language_Processing/squeezebert_Opset16_transformers/squeezebert_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:872a8ebf17cbb3fee02001713277599bf7be78d1dc3a5e46e050dc45b9ea4322 +size 204504303 diff --git a/Natural_Language_Processing/squeezebert_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/squeezebert_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..b5b755ace --- /dev/null +++ b/Natural_Language_Processing/squeezebert_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.520688533782959 + set_success: 0.017464876174926758 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/squeezebert_transformers_97918772/onnx/squeezebert_transformers_97918772-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/squeezebert.py +class: SqueezeBertModel +hash: b301d86f +model_name: squeezebert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 199711.2656 +onnx_ops_counter: + Add: 100 + Cast: 1 + Constant: 153 + Conv: 72 + Div: 49 + Erf: 12 + Gather: 4 + Gemm: 1 + Identity: 5 + MatMul: 24 + Mul: 50 + Pow: 25 + ReduceMean: 50 + Reshape: 48 + Softmax: 12 + Sqrt: 25 + Sub: 26 + Tanh: 1 + Transpose: 84 + Unsqueeze: 2 +parameters: 51094272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/squeezebert_Opset17_transformers/squeezebert_Opset17.onnx b/Natural_Language_Processing/squeezebert_Opset17_transformers/squeezebert_Opset17.onnx new file mode 100644 index 000000000..e7a38e6cf --- /dev/null +++ b/Natural_Language_Processing/squeezebert_Opset17_transformers/squeezebert_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f322c853be92e8608751081ef2bebea082ed5213a0cade45aad3ce1312883f35 +size 204465324 diff --git a/Natural_Language_Processing/squeezebert_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/squeezebert_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..5a9bd68d2 --- /dev/null +++ b/Natural_Language_Processing/squeezebert_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 3.4584543704986572 + set_success: 0.019104480743408203 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/squeezebert_transformers_97918772/onnx/squeezebert_transformers_97918772-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/squeezebert.py +class: SqueezeBertModel +hash: b301d86f +model_name: squeezebert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 199673.2002 +onnx_ops_counter: + Add: 50 + Cast: 1 + Constant: 103 + Conv: 72 + Div: 24 + Erf: 12 + Gather: 4 + Gemm: 1 + Identity: 5 + LayerNormalization: 25 + MatMul: 24 + Mul: 25 + Reshape: 48 + Softmax: 12 + Sub: 1 + Tanh: 1 + Transpose: 84 + Unsqueeze: 2 +parameters: 51094272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/squeezebert_Opset18_transformers/squeezebert_Opset18.onnx b/Natural_Language_Processing/squeezebert_Opset18_transformers/squeezebert_Opset18.onnx new file mode 100644 index 000000000..957891c25 --- /dev/null +++ b/Natural_Language_Processing/squeezebert_Opset18_transformers/squeezebert_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:710a8fa44aa0de951c65d45d09822a4e675551a9bbcadd3ae54283c2cb7aabae +size 204465324 diff --git a/Natural_Language_Processing/squeezebert_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/squeezebert_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..589e99220 --- /dev/null +++ b/Natural_Language_Processing/squeezebert_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,212 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.460131406784058 + set_success: 0.025902271270751953 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/squeezebert_transformers_97918772/onnx/squeezebert_transformers_97918772-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/squeezebert.py +class: SqueezeBertModel +hash: b301d86f +model_name: squeezebert +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 199673.2002 +onnx_ops_counter: + Add: 50 + Cast: 1 + Constant: 103 + Conv: 72 + Div: 24 + Erf: 12 + Gather: 4 + Gemm: 1 + Identity: 5 + LayerNormalization: 25 + MatMul: 24 + Mul: 25 + Reshape: 48 + Softmax: 12 + Sub: 1 + Tanh: 1 + Transpose: 84 + Unsqueeze: 2 +parameters: 51094272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/switchtransformers_Opset16_transformers/switchtransformers_Opset16.tar.gz b/Natural_Language_Processing/switchtransformers_Opset16_transformers/switchtransformers_Opset16.tar.gz new file mode 100644 index 000000000..feceee1fe --- /dev/null +++ b/Natural_Language_Processing/switchtransformers_Opset16_transformers/switchtransformers_Opset16.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b4b2e48b2426a9597e4960820280f7cfbf2cc50cf576d2e8396d8f4e38824bdd +size 1096758862 diff --git a/Natural_Language_Processing/switchtransformers_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/switchtransformers_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..bd0d65e6b --- /dev/null +++ b/Natural_Language_Processing/switchtransformers_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,232 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 28.472301244735718 + set_success: 0.041371822357177734 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/switchtransformers_transformers_fafcd959/onnx/switchtransformers_transformers_fafcd959-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/switchtransformers.py +class: SwitchTransformersModel +hash: 5c4376cf +model_name: switchtransformers +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): null +onnx_ops_counter: + Abs: 1 + Add: 164 + ArgMax: 12 + Cast: 249 + Constant: 996 + ConstantOfShape: 1 + CumSum: 12 + Div: 66 + Expand: 97 + Gather: 196 + GatherND: 96 + Less: 2 + LessOrEqual: 13 + Log: 2 + MatMul: 444 + Min: 3 + Mul: 153 + Neg: 1 + NonZero: 192 + OneHot: 12 + Pow: 62 + ReduceMax: 12 + ReduceMean: 62 + Relu: 108 + Reshape: 242 + ScatterND: 96 + Shape: 192 + Slice: 96 + Softmax: 48 + Sqrt: 62 + Sub: 2 + Tile: 1 + Transpose: 362 + Unsqueeze: 209 + Where: 2 +parameters: 619339008 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/switchtransformers_Opset17_transformers/switchtransformers_Opset17.tar.gz b/Natural_Language_Processing/switchtransformers_Opset17_transformers/switchtransformers_Opset17.tar.gz new file mode 100644 index 000000000..7c13ada08 --- /dev/null +++ b/Natural_Language_Processing/switchtransformers_Opset17_transformers/switchtransformers_Opset17.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c88556fdfec19f9accf235c8937334d1d1b82c19a351a8c60abffc98a6be4971 +size 1096758875 diff --git a/Natural_Language_Processing/switchtransformers_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/switchtransformers_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..58a938061 --- /dev/null +++ b/Natural_Language_Processing/switchtransformers_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,232 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 28.028277158737183 + set_success: 0.03895235061645508 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/switchtransformers_transformers_fafcd959/onnx/switchtransformers_transformers_fafcd959-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/switchtransformers.py +class: SwitchTransformersModel +hash: 5c4376cf +model_name: switchtransformers +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): null +onnx_ops_counter: + Abs: 1 + Add: 164 + ArgMax: 12 + Cast: 249 + Constant: 996 + ConstantOfShape: 1 + CumSum: 12 + Div: 66 + Expand: 97 + Gather: 196 + GatherND: 96 + Less: 2 + LessOrEqual: 13 + Log: 2 + MatMul: 444 + Min: 3 + Mul: 153 + Neg: 1 + NonZero: 192 + OneHot: 12 + Pow: 62 + ReduceMax: 12 + ReduceMean: 62 + Relu: 108 + Reshape: 242 + ScatterND: 96 + Shape: 192 + Slice: 96 + Softmax: 48 + Sqrt: 62 + Sub: 2 + Tile: 1 + Transpose: 362 + Unsqueeze: 209 + Where: 2 +parameters: 619339008 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/switchtransformersencoder_Opset16_transformers/switchtransformersencoder_Opset16.onnx b/Natural_Language_Processing/switchtransformersencoder_Opset16_transformers/switchtransformersencoder_Opset16.onnx new file mode 100644 index 000000000..f4e3fb637 --- /dev/null +++ b/Natural_Language_Processing/switchtransformersencoder_Opset16_transformers/switchtransformersencoder_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66cca378e9379edef73965a7f45496b5e330f468122367882f9337621c050c0b +size 1232136670 diff --git a/Natural_Language_Processing/switchtransformersencoder_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/switchtransformersencoder_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..3d917f606 --- /dev/null +++ b/Natural_Language_Processing/switchtransformersencoder_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,226 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 18.960886001586914 + set_success: 0.0334930419921875 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/switchtransformersencoder_transformers_561f22b6/onnx/switchtransformersencoder_transformers_561f22b6-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/switchtransformersencoder.py +class: SwitchTransformersEncoderModel +hash: 3ac88646 +model_name: switchtransformersencoder +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1203258.499 +onnx_ops_counter: + Abs: 1 + Add: 64 + ArgMax: 12 + Cast: 112 + Constant: 464 + CumSum: 6 + Div: 27 + Expand: 48 + Gather: 98 + GatherND: 48 + Less: 1 + LessOrEqual: 6 + Log: 1 + MatMul: 186 + Min: 1 + Mul: 64 + NonZero: 96 + OneHot: 6 + Pow: 25 + ReduceMax: 6 + ReduceMean: 25 + Relu: 54 + Reshape: 97 + ScatterND: 48 + Shape: 96 + Slice: 48 + Softmax: 18 + Sqrt: 25 + Sub: 1 + Transpose: 145 + Unsqueeze: 105 + Where: 1 +parameters: 307846272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/switchtransformersencoder_Opset17_transformers/switchtransformersencoder_Opset17.onnx b/Natural_Language_Processing/switchtransformersencoder_Opset17_transformers/switchtransformersencoder_Opset17.onnx new file mode 100644 index 000000000..67226edda --- /dev/null +++ b/Natural_Language_Processing/switchtransformersencoder_Opset17_transformers/switchtransformersencoder_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e3c7e5f95d38c63754ccb169bdf47d353d263ac19ad69433fc994679b937641 +size 1232136670 diff --git a/Natural_Language_Processing/switchtransformersencoder_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/switchtransformersencoder_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..fa3880c4a --- /dev/null +++ b/Natural_Language_Processing/switchtransformersencoder_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,226 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 18.082167387008667 + set_success: 0.32540178298950195 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/switchtransformersencoder_transformers_561f22b6/onnx/switchtransformersencoder_transformers_561f22b6-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/switchtransformersencoder.py +class: SwitchTransformersEncoderModel +hash: 3ac88646 +model_name: switchtransformersencoder +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1203258.499 +onnx_ops_counter: + Abs: 1 + Add: 64 + ArgMax: 12 + Cast: 112 + Constant: 464 + CumSum: 6 + Div: 27 + Expand: 48 + Gather: 98 + GatherND: 48 + Less: 1 + LessOrEqual: 6 + Log: 1 + MatMul: 186 + Min: 1 + Mul: 64 + NonZero: 96 + OneHot: 6 + Pow: 25 + ReduceMax: 6 + ReduceMean: 25 + Relu: 54 + Reshape: 97 + ScatterND: 48 + Shape: 96 + Slice: 48 + Softmax: 18 + Sqrt: 25 + Sub: 1 + Transpose: 145 + Unsqueeze: 105 + Where: 1 +parameters: 307846272 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/t5_Opset16_transformers/t5_Opset16.onnx b/Natural_Language_Processing/t5_Opset16_transformers/t5_Opset16.onnx new file mode 100644 index 000000000..2b197e35a --- /dev/null +++ b/Natural_Language_Processing/t5_Opset16_transformers/t5_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6d2742e3475a8e18bc8d2fc5ed8047cca368eb574766445871e6102fc51af97 +size 246134781 diff --git a/Natural_Language_Processing/t5_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/t5_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..7df71b6f5 --- /dev/null +++ b/Natural_Language_Processing/t5_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.716013669967651 + set_success: 0.022162437438964844 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/t5_transformers_6b34a986/onnx/t5_transformers_6b34a986-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/t5.py +class: T5Model +hash: 7f7467e3 +model_name: t5 +onnx_input_dimensions: + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 240366.0293 +onnx_ops_counter: + Abs: 1 + Add: 85 + Cast: 56 + Constant: 203 + ConstantOfShape: 1 + Div: 36 + Expand: 1 + Gather: 4 + Less: 2 + LessOrEqual: 1 + Log: 2 + MatMul: 132 + Min: 3 + Mul: 68 + Neg: 1 + Pow: 32 + ReduceMean: 32 + Relu: 12 + Reshape: 74 + Softmax: 18 + Sqrt: 32 + Sub: 1 + Tile: 1 + Transpose: 86 + Unsqueeze: 3 + Where: 2 +parameters: 60506624 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/t5_Opset17_transformers/t5_Opset17.onnx b/Natural_Language_Processing/t5_Opset17_transformers/t5_Opset17.onnx new file mode 100644 index 000000000..bb2559468 --- /dev/null +++ b/Natural_Language_Processing/t5_Opset17_transformers/t5_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0ad762cf3277b83edc85410314b305049bf5b34d517937f0654b4e71725c19e +size 246134781 diff --git a/Natural_Language_Processing/t5_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/t5_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..19dbc2ff7 --- /dev/null +++ b/Natural_Language_Processing/t5_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 4.80407452583313 + set_success: 0.023055315017700195 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/t5_transformers_6b34a986/onnx/t5_transformers_6b34a986-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/t5.py +class: T5Model +hash: 7f7467e3 +model_name: t5 +onnx_input_dimensions: + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 240366.0293 +onnx_ops_counter: + Abs: 1 + Add: 85 + Cast: 56 + Constant: 203 + ConstantOfShape: 1 + Div: 36 + Expand: 1 + Gather: 4 + Less: 2 + LessOrEqual: 1 + Log: 2 + MatMul: 132 + Min: 3 + Mul: 68 + Neg: 1 + Pow: 32 + ReduceMean: 32 + Relu: 12 + Reshape: 74 + Softmax: 18 + Sqrt: 32 + Sub: 1 + Tile: 1 + Transpose: 86 + Unsqueeze: 3 + Where: 2 +parameters: 60506624 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/t5encoder_Opset16_transformers/t5encoder_Opset16.onnx b/Natural_Language_Processing/t5encoder_Opset16_transformers/t5encoder_Opset16.onnx new file mode 100644 index 000000000..4330e5e63 --- /dev/null +++ b/Natural_Language_Processing/t5encoder_Opset16_transformers/t5encoder_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ff4a3758b3d74073020e42fe0bf007a02593bc424517d301ad58875679bc2ba +size 141781336 diff --git a/Natural_Language_Processing/t5encoder_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/t5encoder_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..fcda1b484 --- /dev/null +++ b/Natural_Language_Processing/t5encoder_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.0172624588012695 + set_success: 0.015515565872192383 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/t5encoder_transformers_8049605a/onnx/t5encoder_transformers_8049605a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/t5encoder.py +class: T5EncoderModel +hash: ad7f615d +model_name: t5encoder +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 138458.3682 +onnx_ops_counter: + Abs: 1 + Add: 34 + Cast: 22 + Constant: 77 + Div: 15 + Gather: 2 + Less: 1 + Log: 1 + MatMul: 48 + Min: 1 + Mul: 28 + Pow: 13 + ReduceMean: 13 + Relu: 6 + Reshape: 25 + Softmax: 6 + Sqrt: 13 + Sub: 1 + Transpose: 25 + Unsqueeze: 3 + Where: 1 +parameters: 35330816 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/t5encoder_Opset17_transformers/t5encoder_Opset17.onnx b/Natural_Language_Processing/t5encoder_Opset17_transformers/t5encoder_Opset17.onnx new file mode 100644 index 000000000..8db97a8a8 --- /dev/null +++ b/Natural_Language_Processing/t5encoder_Opset17_transformers/t5encoder_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:90a6b2cf3fb3398ff9032a6fa59619fd93357b2a523d9e02256cab3441b9c13b +size 141781336 diff --git a/Natural_Language_Processing/t5encoder_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/t5encoder_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..54b5c003c --- /dev/null +++ b/Natural_Language_Processing/t5encoder_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 2.057670831680298 + set_success: 0.016209840774536133 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/t5encoder_transformers_8049605a/onnx/t5encoder_transformers_8049605a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/t5encoder.py +class: T5EncoderModel +hash: ad7f615d +model_name: t5encoder +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 138458.3682 +onnx_ops_counter: + Abs: 1 + Add: 34 + Cast: 22 + Constant: 77 + Div: 15 + Gather: 2 + Less: 1 + Log: 1 + MatMul: 48 + Min: 1 + Mul: 28 + Pow: 13 + ReduceMean: 13 + Relu: 6 + Reshape: 25 + Softmax: 6 + Sqrt: 13 + Sub: 1 + Transpose: 25 + Unsqueeze: 3 + Where: 1 +parameters: 35330816 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/transfoxl_Opset16_transformers/transfoxl_Opset16.onnx b/Natural_Language_Processing/transfoxl_Opset16_transformers/transfoxl_Opset16.onnx new file mode 100644 index 000000000..c7a1c3609 --- /dev/null +++ b/Natural_Language_Processing/transfoxl_Opset16_transformers/transfoxl_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0478b165b4aae19e9843f4be036d23620a985d848caff1f799249d0f7491832 +size 1305523972 diff --git a/Natural_Language_Processing/transfoxl_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/transfoxl_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..eebc3f52a --- /dev/null +++ b/Natural_Language_Processing/transfoxl_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,226 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 26.503594875335693 + set_success: 0.03339409828186035 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/transfoxl_transformers_ff9eb273/onnx/transfoxl_transformers_ff9eb273-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/transfoxl.py +class: TransfoXLModel +hash: 0add2cbc +model_name: transfoxl +onnx_input_dimensions: + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1274925.7861 +onnx_ops_counter: + Add: 235 + And: 1 + Cast: 37 + Clip: 1 + Concat: 178 + Constant: 1142 + ConstantOfShape: 19 + Cos: 1 + Div: 54 + Einsum: 55 + Equal: 2 + Expand: 1 + Gather: 180 + GreaterOrEqual: 1 + Less: 1 + MatMul: 91 + Mul: 110 + Neg: 17 + NonZero: 1 + Pow: 36 + ReduceMean: 72 + Relu: 18 + Reshape: 128 + ScatterElements: 2 + Shape: 198 + Sin: 1 + Slice: 108 + Softmax: 18 + Sqrt: 36 + Squeeze: 1 + Sub: 36 + Transpose: 3 + Trilu: 2 + Unsqueeze: 303 + Where: 19 +parameters: 283885936 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/transfoxl_Opset17_transformers/transfoxl_Opset17.onnx b/Natural_Language_Processing/transfoxl_Opset17_transformers/transfoxl_Opset17.onnx new file mode 100644 index 000000000..ba00ccea1 --- /dev/null +++ b/Natural_Language_Processing/transfoxl_Opset17_transformers/transfoxl_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8bbaeabb048aacce84af966976f3a5371a4035e9767c62fc046a3480ddf730d +size 1305472084 diff --git a/Natural_Language_Processing/transfoxl_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/transfoxl_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..0b51a1320 --- /dev/null +++ b/Natural_Language_Processing/transfoxl_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,223 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 26.440136909484863 + set_success: 0.038193464279174805 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/transfoxl_transformers_ff9eb273/onnx/transfoxl_transformers_ff9eb273-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/transfoxl.py +class: TransfoXLModel +hash: 0add2cbc +model_name: transfoxl +onnx_input_dimensions: + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1274875.1143 +onnx_ops_counter: + Add: 163 + And: 1 + Cast: 37 + Clip: 1 + Concat: 178 + Constant: 1070 + ConstantOfShape: 19 + Cos: 1 + Div: 18 + Einsum: 55 + Equal: 2 + Expand: 1 + Gather: 180 + GreaterOrEqual: 1 + LayerNormalization: 36 + Less: 1 + MatMul: 91 + Mul: 74 + Neg: 17 + NonZero: 1 + Relu: 18 + Reshape: 128 + ScatterElements: 2 + Shape: 198 + Sin: 1 + Slice: 108 + Softmax: 18 + Squeeze: 1 + Transpose: 3 + Trilu: 2 + Unsqueeze: 303 + Where: 19 +parameters: 283885936 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/transfoxl_Opset18_transformers/transfoxl_Opset18.onnx b/Natural_Language_Processing/transfoxl_Opset18_transformers/transfoxl_Opset18.onnx new file mode 100644 index 000000000..ea962fb9e --- /dev/null +++ b/Natural_Language_Processing/transfoxl_Opset18_transformers/transfoxl_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f0c129ae19a3adb9b9fb3b42c65276c2261b35318a27786af81a1ec58461f15c +size 1305472084 diff --git a/Natural_Language_Processing/transfoxl_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/transfoxl_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..c7baaa495 --- /dev/null +++ b/Natural_Language_Processing/transfoxl_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,223 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 20.66592836380005 + set_success: 0.03954601287841797 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/transfoxl_transformers_ff9eb273/onnx/transfoxl_transformers_ff9eb273-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/transfoxl.py +class: TransfoXLModel +hash: 0add2cbc +model_name: transfoxl +onnx_input_dimensions: + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1274875.1143 +onnx_ops_counter: + Add: 163 + And: 1 + Cast: 37 + Clip: 1 + Concat: 178 + Constant: 1070 + ConstantOfShape: 19 + Cos: 1 + Div: 18 + Einsum: 55 + Equal: 2 + Expand: 1 + Gather: 180 + GreaterOrEqual: 1 + LayerNormalization: 36 + Less: 1 + MatMul: 91 + Mul: 74 + Neg: 17 + NonZero: 1 + Relu: 18 + Reshape: 128 + ScatterElements: 2 + Shape: 198 + Sin: 1 + Slice: 108 + Softmax: 18 + Squeeze: 1 + Transpose: 3 + Trilu: 2 + Unsqueeze: 303 + Where: 19 +parameters: 283885936 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/transfoxllmhead_Opset16_transformers/transfoxllmhead_Opset16.onnx b/Natural_Language_Processing/transfoxllmhead_Opset16_transformers/transfoxllmhead_Opset16.onnx new file mode 100644 index 000000000..3d90dbd29 --- /dev/null +++ b/Natural_Language_Processing/transfoxllmhead_Opset16_transformers/transfoxllmhead_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3614dc4f17e31102b415be18203d055827e0693548a745a18ffcba3ec3576e67 +size 1460016692 diff --git a/Natural_Language_Processing/transfoxllmhead_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/transfoxllmhead_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..c7b35981d --- /dev/null +++ b/Natural_Language_Processing/transfoxllmhead_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,230 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 27.11954665184021 + set_success: 0.03823351860046387 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/transfoxllmhead_transformers_344f44fd/onnx/transfoxllmhead_transformers_344f44fd-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/transfoxllmhead.py +class: TransfoXLLMHeadModel +hash: 56714d4e +model_name: transfoxllmhead +onnx_input_dimensions: + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1425797.583 +onnx_ops_counter: + Add: 242 + And: 1 + Cast: 45 + Clip: 1 + Concat: 188 + Constant: 1254 + ConstantOfShape: 28 + Cos: 1 + Div: 54 + Einsum: 55 + Equal: 10 + Expand: 13 + Gather: 192 + Gemm: 4 + GreaterOrEqual: 1 + Less: 1 + LogSoftmax: 4 + MatMul: 95 + Mul: 118 + Neg: 17 + NonZero: 1 + Pow: 36 + Range: 8 + ReduceMean: 72 + Relu: 18 + Reshape: 138 + ScatterElements: 2 + ScatterND: 4 + Shape: 228 + Sin: 1 + Slice: 123 + Softmax: 18 + Sqrt: 36 + Squeeze: 2 + Sub: 36 + Transpose: 3 + Trilu: 2 + Unsqueeze: 316 + Where: 27 +parameters: 322473146 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/transfoxllmhead_Opset17_transformers/transfoxllmhead_Opset17.onnx b/Natural_Language_Processing/transfoxllmhead_Opset17_transformers/transfoxllmhead_Opset17.onnx new file mode 100644 index 000000000..69fe7c41a --- /dev/null +++ b/Natural_Language_Processing/transfoxllmhead_Opset17_transformers/transfoxllmhead_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:36dfa9ceb67b7cd82952a92f34e834dd117aa82013b8991fc66746a0c142fdf7 +size 1459950857 diff --git a/Natural_Language_Processing/transfoxllmhead_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/transfoxllmhead_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..05f7fa8d0 --- /dev/null +++ b/Natural_Language_Processing/transfoxllmhead_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 23.479555368423462 + set_success: 0.03496575355529785 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/transfoxllmhead_transformers_344f44fd/onnx/transfoxllmhead_transformers_344f44fd-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/transfoxllmhead.py +class: TransfoXLLMHeadModel +hash: 56714d4e +model_name: transfoxllmhead +onnx_input_dimensions: + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1425733.291 +onnx_ops_counter: + Add: 170 + And: 1 + Cast: 45 + Clip: 1 + Concat: 188 + Constant: 1182 + ConstantOfShape: 28 + Cos: 1 + Div: 18 + Einsum: 55 + Equal: 10 + Expand: 13 + Gather: 192 + Gemm: 4 + GreaterOrEqual: 1 + LayerNormalization: 36 + Less: 1 + LogSoftmax: 4 + MatMul: 95 + Mul: 82 + Neg: 17 + NonZero: 1 + Range: 8 + Relu: 18 + Reshape: 138 + ScatterElements: 2 + ScatterND: 4 + Shape: 228 + Sin: 1 + Slice: 123 + Softmax: 18 + Squeeze: 2 + Transpose: 3 + Trilu: 2 + Unsqueeze: 316 + Where: 27 +parameters: 322473146 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/transfoxllmhead_Opset18_transformers/transfoxllmhead_Opset18.onnx b/Natural_Language_Processing/transfoxllmhead_Opset18_transformers/transfoxllmhead_Opset18.onnx new file mode 100644 index 000000000..9b2c2926a --- /dev/null +++ b/Natural_Language_Processing/transfoxllmhead_Opset18_transformers/transfoxllmhead_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:645e8678db8f4a47e46181be8bc0dccf92134f90f7e2f48a6dcb350a0bb2bbe6 +size 1459950857 diff --git a/Natural_Language_Processing/transfoxllmhead_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/transfoxllmhead_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..d441f4265 --- /dev/null +++ b/Natural_Language_Processing/transfoxllmhead_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,227 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 23.199596643447876 + set_success: 0.033120155334472656 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/transfoxllmhead_transformers_344f44fd/onnx/transfoxllmhead_transformers_344f44fd-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/transfoxllmhead.py +class: TransfoXLLMHeadModel +hash: 56714d4e +model_name: transfoxllmhead +onnx_input_dimensions: + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1425733.291 +onnx_ops_counter: + Add: 170 + And: 1 + Cast: 45 + Clip: 1 + Concat: 188 + Constant: 1182 + ConstantOfShape: 28 + Cos: 1 + Div: 18 + Einsum: 55 + Equal: 10 + Expand: 13 + Gather: 192 + Gemm: 4 + GreaterOrEqual: 1 + LayerNormalization: 36 + Less: 1 + LogSoftmax: 4 + MatMul: 95 + Mul: 82 + Neg: 17 + NonZero: 1 + Range: 8 + Relu: 18 + Reshape: 138 + ScatterElements: 2 + ScatterND: 4 + Shape: 228 + Sin: 1 + Slice: 123 + Softmax: 18 + Squeeze: 2 + Transpose: 3 + Trilu: 2 + Unsqueeze: 316 + Where: 27 +parameters: 322473146 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/umt5_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/umt5_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..c29914f86 --- /dev/null +++ b/Natural_Language_Processing/umt5_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,223 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 14.8396635055542 + set_success: 0.025175809860229492 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/umt5_transformers_c5a1750d/onnx/umt5_transformers_c5a1750d-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/umt5.py +class: UMT5Model +hash: 945f3ba6 +model_name: umt5 +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 694449.4746 +onnx_ops_counter: + Abs: 8 + Add: 186 + Cast: 101 + Constant: 468 + ConstantOfShape: 1 + Div: 74 + Expand: 1 + Gather: 18 + Less: 16 + LessOrEqual: 1 + Log: 16 + MatMul: 192 + Min: 24 + Mul: 183 + Neg: 8 + Pow: 58 + ReduceMean: 42 + Reshape: 98 + Softmax: 24 + Sqrt: 42 + Sub: 2 + Tanh: 16 + Tile: 1 + Transpose: 128 + Unsqueeze: 19 + Where: 16 +parameters: 175333376 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/umt5_Opset16_transformers/umt5_Opset16.onnx b/Natural_Language_Processing/umt5_Opset16_transformers/umt5_Opset16.onnx new file mode 100644 index 000000000..635da8e96 --- /dev/null +++ b/Natural_Language_Processing/umt5_Opset16_transformers/umt5_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10625bf70b5021f1320d21950471e56fce005e3f2f7eade490c8efc8f78e6f57 +size 711116229 diff --git a/Natural_Language_Processing/umt5_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/umt5_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..8e484a477 --- /dev/null +++ b/Natural_Language_Processing/umt5_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,223 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.370419263839722 + set_success: 0.025055646896362305 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/umt5_transformers_c5a1750d/onnx/umt5_transformers_c5a1750d-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/umt5.py +class: UMT5Model +hash: 945f3ba6 +model_name: umt5 +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + decoder_input_ids: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 694449.4746 +onnx_ops_counter: + Abs: 8 + Add: 186 + Cast: 101 + Constant: 468 + ConstantOfShape: 1 + Div: 74 + Expand: 1 + Gather: 18 + Less: 16 + LessOrEqual: 1 + Log: 16 + MatMul: 192 + Min: 24 + Mul: 183 + Neg: 8 + Pow: 58 + ReduceMean: 42 + Reshape: 98 + Softmax: 24 + Sqrt: 42 + Sub: 2 + Tanh: 16 + Tile: 1 + Transpose: 128 + Unsqueeze: 19 + Where: 16 +parameters: 175333376 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/umt5_Opset17_transformers/umt5_Opset17.onnx b/Natural_Language_Processing/umt5_Opset17_transformers/umt5_Opset17.onnx new file mode 100644 index 000000000..2a4e3ab4a --- /dev/null +++ b/Natural_Language_Processing/umt5_Opset17_transformers/umt5_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81c5b83b756dd9494fae9462a1ca2b1438b728d85c336005213218d7b380b329 +size 711116229 diff --git a/Natural_Language_Processing/umt5encoder_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/umt5encoder_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..54abb8976 --- /dev/null +++ b/Natural_Language_Processing/umt5encoder_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.109082937240601 + set_success: 0.01818251609802246 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/umt5encoder_transformers_8ecbb141/onnx/umt5encoder_transformers_8ecbb141-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/umt5encoder.py +class: UMT5EncoderModel +hash: d7a1e93d +model_name: umt5encoder +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 589746.2725 +onnx_ops_counter: + Abs: 8 + Add: 81 + Cast: 42 + Constant: 200 + Div: 33 + Gather: 9 + Less: 8 + Log: 8 + MatMul: 72 + Min: 8 + Mul: 83 + Pow: 25 + ReduceMean: 17 + Reshape: 33 + Softmax: 8 + Sqrt: 17 + Sub: 1 + Tanh: 8 + Transpose: 40 + Unsqueeze: 10 + Where: 8 +parameters: 150153216 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/umt5encoder_Opset16_transformers/umt5encoder_Opset16.onnx b/Natural_Language_Processing/umt5encoder_Opset16_transformers/umt5encoder_Opset16.onnx new file mode 100644 index 000000000..96815b1f5 --- /dev/null +++ b/Natural_Language_Processing/umt5encoder_Opset16_transformers/umt5encoder_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b24f668781813376422aa3a5c320eab1e1f33c288cbe21cfb80feff1bbd0593 +size 603900150 diff --git a/Natural_Language_Processing/umt5encoder_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/umt5encoder_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..8f45a20d6 --- /dev/null +++ b/Natural_Language_Processing/umt5encoder_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 7.344953298568726 + set_success: 0.018549442291259766 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/umt5encoder_transformers_8ecbb141/onnx/umt5encoder_transformers_8ecbb141-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/umt5encoder.py +class: UMT5EncoderModel +hash: d7a1e93d +model_name: umt5encoder +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 589746.2725 +onnx_ops_counter: + Abs: 8 + Add: 81 + Cast: 42 + Constant: 200 + Div: 33 + Gather: 9 + Less: 8 + Log: 8 + MatMul: 72 + Min: 8 + Mul: 83 + Pow: 25 + ReduceMean: 17 + Reshape: 33 + Softmax: 8 + Sqrt: 17 + Sub: 1 + Tanh: 8 + Transpose: 40 + Unsqueeze: 10 + Where: 8 +parameters: 150153216 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/umt5encoder_Opset17_transformers/umt5encoder_Opset17.onnx b/Natural_Language_Processing/umt5encoder_Opset17_transformers/umt5encoder_Opset17.onnx new file mode 100644 index 000000000..f89918819 --- /dev/null +++ b/Natural_Language_Processing/umt5encoder_Opset17_transformers/umt5encoder_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bb608f373d4fbbee34ae02af909c89c734b663474cfbd85e68d913fc8fddc25a +size 603900150 diff --git a/Natural_Language_Processing/xglm_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/xglm_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..10b2a0330 --- /dev/null +++ b/Natural_Language_Processing/xglm_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,215 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.96585488319397 + set_success: 0.03755521774291992 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xglm_transformers_5f74cfcb/onnx/xglm_transformers_5f74cfcb-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/xglm.py +class: XGLMModel +hash: 0ca3b3f4 +model_name: xglm +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): null +onnx_ops_counter: + Add: 340 + Cast: 4 + Constant: 472 + ConstantOfShape: 2 + Div: 73 + Equal: 2 + Erf: 24 + Expand: 2 + Gather: 1 + MatMul: 192 + Max: 24 + Mul: 124 + Pow: 49 + ReduceMean: 98 + Reshape: 241 + Softmax: 24 + Sqrt: 49 + Sub: 50 + Transpose: 120 + Unsqueeze: 2 + Where: 3 +parameters: 564463616 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/xglm_Opset16_transformers/xglm_Opset16.tar.gz b/Natural_Language_Processing/xglm_Opset16_transformers/xglm_Opset16.tar.gz new file mode 100644 index 000000000..3a4583e00 --- /dev/null +++ b/Natural_Language_Processing/xglm_Opset16_transformers/xglm_Opset16.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:466236f106c2be50ae6b569ebac79d2f1b989e6518ab5d74e8273f181c43cf4f +size 1321499060 diff --git a/Natural_Language_Processing/xglm_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/xglm_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..a51aa2e61 --- /dev/null +++ b/Natural_Language_Processing/xglm_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 14.37230634689331 + set_success: 0.036955833435058594 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xglm_transformers_5f74cfcb/onnx/xglm_transformers_5f74cfcb-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/xglm.py +class: XGLMModel +hash: 0ca3b3f4 +model_name: xglm +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): null +onnx_ops_counter: + Add: 242 + Cast: 4 + Constant: 374 + ConstantOfShape: 2 + Div: 24 + Equal: 2 + Erf: 24 + Expand: 2 + Gather: 1 + LayerNormalization: 49 + MatMul: 192 + Max: 24 + Mul: 75 + Reshape: 241 + Softmax: 24 + Sub: 1 + Transpose: 120 + Unsqueeze: 2 + Where: 3 +parameters: 564463616 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/xglm_Opset17_transformers/xglm_Opset17.tar.gz b/Natural_Language_Processing/xglm_Opset17_transformers/xglm_Opset17.tar.gz new file mode 100644 index 000000000..06fbc960a --- /dev/null +++ b/Natural_Language_Processing/xglm_Opset17_transformers/xglm_Opset17.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d66f1763e507e920c6bf81ac1eefd52f355ecc3ecea9ffa9eb29cf881113deae +size 1321494314 diff --git a/Natural_Language_Processing/xglm_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/xglm_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..a7e64fc19 --- /dev/null +++ b/Natural_Language_Processing/xglm_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,213 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.55319595336914 + set_success: 0.03345680236816406 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xglm_transformers_5f74cfcb/onnx/xglm_transformers_5f74cfcb-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/xglm.py +class: XGLMModel +hash: 0ca3b3f4 +model_name: xglm +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): null +onnx_ops_counter: + Add: 242 + Cast: 4 + Constant: 374 + ConstantOfShape: 2 + Div: 24 + Equal: 2 + Erf: 24 + Expand: 2 + Gather: 1 + LayerNormalization: 49 + MatMul: 192 + Max: 24 + Mul: 75 + Reshape: 241 + Softmax: 24 + Sub: 1 + Transpose: 120 + Unsqueeze: 2 + Where: 3 +parameters: 564463616 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/xglm_Opset18_transformers/xglm_Opset18.tar.gz b/Natural_Language_Processing/xglm_Opset18_transformers/xglm_Opset18.tar.gz new file mode 100644 index 000000000..088625a60 --- /dev/null +++ b/Natural_Language_Processing/xglm_Opset18_transformers/xglm_Opset18.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9de7849535dd24e49e66dc2ec5c7d890a7050ffd63edb8550fef673cee324c0b +size 1321494797 diff --git a/Natural_Language_Processing/xlm_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/xlm_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..20971bbfc --- /dev/null +++ b/Natural_Language_Processing/xlm_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.68021273612976 + set_success: 0.023999929428100586 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xlm_transformers_8b31077c/onnx/xlm_transformers_8b31077c-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/xlm.py +class: XLMModel +hash: 339afca6 +model_name: xlm +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): null +onnx_ops_counter: + Add: 159 + Cast: 25 + Constant: 173 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 13 + Gather: 2 + MatMul: 96 + Mul: 62 + Pow: 25 + ReduceMean: 50 + Reshape: 60 + Shape: 13 + Softmax: 12 + Sqrt: 25 + Sub: 25 + Transpose: 48 + Unsqueeze: 1 + Where: 12 +parameters: 667088896 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/xlm_Opset16_transformers/xlm_Opset16.tar.gz b/Natural_Language_Processing/xlm_Opset16_transformers/xlm_Opset16.tar.gz new file mode 100644 index 000000000..da0e519c5 --- /dev/null +++ b/Natural_Language_Processing/xlm_Opset16_transformers/xlm_Opset16.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c1c0aba67a00ede7e9d950cf10cfc76910e5147a2e3003719d98225e77715a22 +size 1548275114 diff --git a/Natural_Language_Processing/xlm_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/xlm_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..5a1a23b96 --- /dev/null +++ b/Natural_Language_Processing/xlm_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,211 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 16.642540454864502 + set_success: 1.7600679397583008 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xlm_transformers_8b31077c/onnx/xlm_transformers_8b31077c-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/xlm.py +class: XLMModel +hash: 339afca6 +model_name: xlm +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): null +onnx_ops_counter: + Add: 109 + Cast: 25 + Constant: 123 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 13 + Gather: 2 + LayerNormalization: 25 + MatMul: 96 + Mul: 37 + Reshape: 60 + Shape: 13 + Softmax: 12 + Transpose: 48 + Unsqueeze: 1 + Where: 12 +parameters: 667088896 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/xlm_Opset17_transformers/xlm_Opset17.tar.gz b/Natural_Language_Processing/xlm_Opset17_transformers/xlm_Opset17.tar.gz new file mode 100644 index 000000000..ad4932c42 --- /dev/null +++ b/Natural_Language_Processing/xlm_Opset17_transformers/xlm_Opset17.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:346abffd9fd34b3a32293e5550c82530d3b33b3a295ca2b7f0ca58d2733d5ab5 +size 1548270023 diff --git a/Natural_Language_Processing/xlm_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/xlm_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..2eb229054 --- /dev/null +++ b/Natural_Language_Processing/xlm_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,211 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 14.843012809753418 + set_success: 0.027340412139892578 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xlm_transformers_8b31077c/onnx/xlm_transformers_8b31077c-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/xlm.py +class: XLMModel +hash: 339afca6 +model_name: xlm +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): null +onnx_ops_counter: + Add: 109 + Cast: 25 + Constant: 123 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 13 + Gather: 2 + LayerNormalization: 25 + MatMul: 96 + Mul: 37 + Reshape: 60 + Shape: 13 + Softmax: 12 + Transpose: 48 + Unsqueeze: 1 + Where: 12 +parameters: 667088896 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/xlm_Opset18_transformers/xlm_Opset18.tar.gz b/Natural_Language_Processing/xlm_Opset18_transformers/xlm_Opset18.tar.gz new file mode 100644 index 000000000..23c8b218e --- /dev/null +++ b/Natural_Language_Processing/xlm_Opset18_transformers/xlm_Opset18.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ffb0d609da500a2a9e06066de8fa2440e34a8a86087a54b9072f09abce046760 +size 1548270191 diff --git a/Natural_Language_Processing/xlmroberta_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/xlmroberta_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..cc29ad918 --- /dev/null +++ b/Natural_Language_Processing/xlmroberta_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 12.426939487457275 + set_success: 0.02080059051513672 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xlmroberta_transformers_988863e4/onnx/xlmroberta_transformers_988863e4-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/xlmroberta.py +class: XLMRobertaModel +hash: 78f4bbec +model_name: xlmroberta +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1086263.3867 +onnx_ops_counter: + Add: 173 + Cast: 3 + Constant: 158 + ConstantOfShape: 1 + CumSum: 1 + Div: 49 + Equal: 2 + Erf: 12 + Expand: 1 + Gather: 4 + Gemm: 1 + MatMul: 96 + Mul: 52 + Not: 1 + Pow: 25 + ReduceMean: 50 + Reshape: 48 + Softmax: 12 + Sqrt: 25 + Sub: 26 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 278043648 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/xlmroberta_Opset16_transformers/xlmroberta_Opset16.onnx b/Natural_Language_Processing/xlmroberta_Opset16_transformers/xlmroberta_Opset16.onnx new file mode 100644 index 000000000..47b351886 --- /dev/null +++ b/Natural_Language_Processing/xlmroberta_Opset16_transformers/xlmroberta_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f49246710c01304e7915380622a191b8d10d91f3327bcf17aa8192062ae0920 +size 1112333675 diff --git a/Natural_Language_Processing/xlmroberta_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/xlmroberta_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..1f074b89c --- /dev/null +++ b/Natural_Language_Processing/xlmroberta_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.845012664794922 + set_success: 1.7061364650726318 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xlmroberta_transformers_988863e4/onnx/xlmroberta_transformers_988863e4-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/xlmroberta.py +class: XLMRobertaModel +hash: 78f4bbec +model_name: xlmroberta +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1086220.8965 +onnx_ops_counter: + Add: 123 + Cast: 3 + Constant: 108 + ConstantOfShape: 1 + CumSum: 1 + Div: 24 + Equal: 2 + Erf: 12 + Expand: 1 + Gather: 4 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 27 + Not: 1 + Reshape: 48 + Softmax: 12 + Sub: 1 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 278043648 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/xlmroberta_Opset17_transformers/xlmroberta_Opset17.onnx b/Natural_Language_Processing/xlmroberta_Opset17_transformers/xlmroberta_Opset17.onnx new file mode 100644 index 000000000..82fa0d762 --- /dev/null +++ b/Natural_Language_Processing/xlmroberta_Opset17_transformers/xlmroberta_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:baa14078ea95e203fef3cc0c2efe4859a5536ba45ce4e00dcebf1cfaa7f55445 +size 1112290165 diff --git a/Natural_Language_Processing/xlmroberta_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/xlmroberta_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..ba429d71f --- /dev/null +++ b/Natural_Language_Processing/xlmroberta_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,216 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 13.807421922683716 + set_success: 0.6524345874786377 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xlmroberta_transformers_988863e4/onnx/xlmroberta_transformers_988863e4-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/xlmroberta.py +class: XLMRobertaModel +hash: 78f4bbec +model_name: xlmroberta +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1086220.8965 +onnx_ops_counter: + Add: 123 + Cast: 3 + Constant: 108 + ConstantOfShape: 1 + CumSum: 1 + Div: 24 + Equal: 2 + Erf: 12 + Expand: 1 + Gather: 4 + Gemm: 1 + LayerNormalization: 25 + MatMul: 96 + Mul: 27 + Not: 1 + Reshape: 48 + Softmax: 12 + Sub: 1 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 278043648 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/xlmroberta_Opset18_transformers/xlmroberta_Opset18.onnx b/Natural_Language_Processing/xlmroberta_Opset18_transformers/xlmroberta_Opset18.onnx new file mode 100644 index 000000000..3fdee0ff4 --- /dev/null +++ b/Natural_Language_Processing/xlmroberta_Opset18_transformers/xlmroberta_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a00adadbf6c7a168db4f21fc597fc96e047b02556ab273ae9e2ec893b033484e +size 1112290165 diff --git a/Natural_Language_Processing/xlmwithlmhead_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/xlmwithlmhead_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..405e3b92d --- /dev/null +++ b/Natural_Language_Processing/xlmwithlmhead_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,214 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 19.24267578125 + set_success: 3.4569358825683594 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xlmwithlmhead_transformers_7caa5a2a/onnx/xlmwithlmhead_transformers_7caa5a2a-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/xlmwithlmhead.py +class: XLMWithLMHeadModel +hash: 952e9b75 +model_name: xlmwithlmhead +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): null +onnx_ops_counter: + Add: 160 + Cast: 25 + Constant: 173 + Div: 49 + Equal: 1 + Erf: 12 + Expand: 13 + Gather: 2 + MatMul: 97 + Mul: 62 + Pow: 25 + ReduceMean: 50 + Reshape: 60 + Shape: 13 + Softmax: 12 + Sqrt: 25 + Sub: 25 + Transpose: 48 + Unsqueeze: 1 + Where: 12 +parameters: 728856001 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/xlmwithlmhead_Opset16_transformers/xlmwithlmhead_Opset16.tar.gz b/Natural_Language_Processing/xlmwithlmhead_Opset16_transformers/xlmwithlmhead_Opset16.tar.gz new file mode 100644 index 000000000..4cccf7cb9 --- /dev/null +++ b/Natural_Language_Processing/xlmwithlmhead_Opset16_transformers/xlmwithlmhead_Opset16.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:220bd3aae043d219726dd92d43457313755c1145f9dd8cd9cef2cfce01fa8a74 +size 1689223005 diff --git a/Natural_Language_Processing/xlmwithlmhead_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/xlmwithlmhead_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..80b3177e6 --- /dev/null +++ b/Natural_Language_Processing/xlmwithlmhead_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,211 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 24.25467610359192 + set_success: 0.025844573974609375 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xlmwithlmhead_transformers_7caa5a2a/onnx/xlmwithlmhead_transformers_7caa5a2a-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/xlmwithlmhead.py +class: XLMWithLMHeadModel +hash: 952e9b75 +model_name: xlmwithlmhead +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): null +onnx_ops_counter: + Add: 110 + Cast: 25 + Constant: 123 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 13 + Gather: 2 + LayerNormalization: 25 + MatMul: 97 + Mul: 37 + Reshape: 60 + Shape: 13 + Softmax: 12 + Transpose: 48 + Unsqueeze: 1 + Where: 12 +parameters: 728856001 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/xlmwithlmhead_Opset17_transformers/xlmwithlmhead_Opset17.tar.gz b/Natural_Language_Processing/xlmwithlmhead_Opset17_transformers/xlmwithlmhead_Opset17.tar.gz new file mode 100644 index 000000000..83327fee3 --- /dev/null +++ b/Natural_Language_Processing/xlmwithlmhead_Opset17_transformers/xlmwithlmhead_Opset17.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5251e1f482f77cfae3f969aa3731de3f7ae1b2ad68bc4fb8ed2e426115e33333 +size 1689222427 diff --git a/Natural_Language_Processing/xlmwithlmhead_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/xlmwithlmhead_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..3d23d4ae7 --- /dev/null +++ b/Natural_Language_Processing/xlmwithlmhead_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,211 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 15.26711654663086 + set_success: 0.024787187576293945 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xlmwithlmhead_transformers_7caa5a2a/onnx/xlmwithlmhead_transformers_7caa5a2a-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/xlmwithlmhead.py +class: XLMWithLMHeadModel +hash: 952e9b75 +model_name: xlmwithlmhead +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): null +onnx_ops_counter: + Add: 110 + Cast: 25 + Constant: 123 + Div: 24 + Equal: 1 + Erf: 12 + Expand: 13 + Gather: 2 + LayerNormalization: 25 + MatMul: 97 + Mul: 37 + Reshape: 60 + Shape: 13 + Softmax: 12 + Transpose: 48 + Unsqueeze: 1 + Where: 12 +parameters: 728856001 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/xlmwithlmhead_Opset18_transformers/xlmwithlmhead_Opset18.tar.gz b/Natural_Language_Processing/xlmwithlmhead_Opset18_transformers/xlmwithlmhead_Opset18.tar.gz new file mode 100644 index 000000000..7f65b9e3e --- /dev/null +++ b/Natural_Language_Processing/xlmwithlmhead_Opset18_transformers/xlmwithlmhead_Opset18.tar.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:956b5faa099468f15fbeebb646d4933b767a375471462b5cd42fe77045b96511 +size 1689223820 diff --git a/Natural_Language_Processing/xlnet_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/xlnet_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..51817d48f --- /dev/null +++ b/Natural_Language_Processing/xlnet_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,224 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.531906604766846 + set_success: 0.16154980659484863 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xlnet_transformers_07377664/onnx/xlnet_transformers_07377664-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/xlnet.py +class: XLNetModel +hash: 671f136a +model_name: xlnet +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 455998.6016 +onnx_ops_counter: + Add: 145 + Cast: 28 + Concat: 25 + Constant: 362 + ConstantOfShape: 2 + Cos: 1 + Div: 36 + Einsum: 109 + Equal: 1 + Erf: 12 + Expand: 1 + EyeLike: 1 + Gather: 73 + Greater: 2 + MatMul: 24 + Mul: 73 + Neg: 1 + Pow: 24 + Range: 12 + ReduceMean: 48 + Reshape: 24 + Shape: 60 + Sin: 1 + Slice: 12 + Softmax: 12 + Sqrt: 24 + Sub: 49 + Transpose: 3 + Unsqueeze: 101 + Where: 1 +parameters: 116718336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/xlnet_Opset16_transformers/xlnet_Opset16.onnx b/Natural_Language_Processing/xlnet_Opset16_transformers/xlnet_Opset16.onnx new file mode 100644 index 000000000..ae7997281 --- /dev/null +++ b/Natural_Language_Processing/xlnet_Opset16_transformers/xlnet_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df7b3c341b2be3a1406f3b204368b0650519788bed97eb08d8da22f145a9c303 +size 466942535 diff --git a/Natural_Language_Processing/xlnet_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/xlnet_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..b2af49b48 --- /dev/null +++ b/Natural_Language_Processing/xlnet_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.560526371002197 + set_success: 0.027853012084960938 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xlnet_transformers_07377664/onnx/xlnet_transformers_07377664-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/xlnet.py +class: XLNetModel +hash: 671f136a +model_name: xlnet +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 455966.8887 +onnx_ops_counter: + Add: 97 + Cast: 28 + Concat: 25 + Constant: 314 + ConstantOfShape: 2 + Cos: 1 + Div: 12 + Einsum: 109 + Equal: 1 + Erf: 12 + Expand: 1 + EyeLike: 1 + Gather: 73 + Greater: 2 + LayerNormalization: 24 + MatMul: 24 + Mul: 49 + Neg: 1 + Range: 12 + Reshape: 24 + Shape: 60 + Sin: 1 + Slice: 12 + Softmax: 12 + Sub: 25 + Transpose: 3 + Unsqueeze: 101 + Where: 1 +parameters: 116718336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/xlnet_Opset17_transformers/xlnet_Opset17.onnx b/Natural_Language_Processing/xlnet_Opset17_transformers/xlnet_Opset17.onnx new file mode 100644 index 000000000..e2ee1f3f2 --- /dev/null +++ b/Natural_Language_Processing/xlnet_Opset17_transformers/xlnet_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b275a91b6d31eaaebb1493b5c32434821438cc374e0e352e584bf452fc16565 +size 466910061 diff --git a/Natural_Language_Processing/xlnet_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/xlnet_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..0078de627 --- /dev/null +++ b/Natural_Language_Processing/xlnet_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 6.375324726104736 + set_success: 0.023113489151000977 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xlnet_transformers_07377664/onnx/xlnet_transformers_07377664-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/xlnet.py +class: XLNetModel +hash: 671f136a +model_name: xlnet +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 455966.8887 +onnx_ops_counter: + Add: 97 + Cast: 28 + Concat: 25 + Constant: 314 + ConstantOfShape: 2 + Cos: 1 + Div: 12 + Einsum: 109 + Equal: 1 + Erf: 12 + Expand: 1 + EyeLike: 1 + Gather: 73 + Greater: 2 + LayerNormalization: 24 + MatMul: 24 + Mul: 49 + Neg: 1 + Range: 12 + Reshape: 24 + Shape: 60 + Sin: 1 + Slice: 12 + Softmax: 12 + Sub: 25 + Transpose: 3 + Unsqueeze: 101 + Where: 1 +parameters: 116718336 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/xlnet_Opset18_transformers/xlnet_Opset18.onnx b/Natural_Language_Processing/xlnet_Opset18_transformers/xlnet_Opset18.onnx new file mode 100644 index 000000000..60070e368 --- /dev/null +++ b/Natural_Language_Processing/xlnet_Opset18_transformers/xlnet_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a0b5c6edf352f34331bc855b08404ddfd0aa974d664cb6e4dcaac09ffad651f +size 466910061 diff --git a/Natural_Language_Processing/xlnetlmhead_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/xlnetlmhead_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..eb4ceab13 --- /dev/null +++ b/Natural_Language_Processing/xlnetlmhead_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,224 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 28.34357500076294 + set_success: 0.03749895095825195 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xlnetlmhead_transformers_51c4ab78/onnx/xlnetlmhead_transformers_51c4ab78-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/xlnetlmhead.py +class: XLNetLMHeadModel +hash: '97810303' +model_name: xlnetlmhead +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1535581.8711 +onnx_ops_counter: + Add: 290 + Cast: 52 + Concat: 49 + Constant: 710 + ConstantOfShape: 2 + Cos: 1 + Div: 72 + Einsum: 217 + Equal: 1 + Erf: 24 + Expand: 1 + EyeLike: 1 + Gather: 145 + Greater: 2 + MatMul: 49 + Mul: 145 + Neg: 1 + Pow: 48 + Range: 24 + ReduceMean: 96 + Reshape: 48 + Shape: 120 + Sin: 1 + Slice: 24 + Softmax: 24 + Sqrt: 48 + Sub: 97 + Transpose: 3 + Unsqueeze: 197 + Where: 1 +parameters: 393068800 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/xlnetlmhead_Opset16_transformers/xlnetlmhead_Opset16.onnx b/Natural_Language_Processing/xlnetlmhead_Opset16_transformers/xlnetlmhead_Opset16.onnx new file mode 100644 index 000000000..58ad53903 --- /dev/null +++ b/Natural_Language_Processing/xlnetlmhead_Opset16_transformers/xlnetlmhead_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2b640d359bdb43a8996cc244f0f6058f5f277e781ca673db0d5031e27f8449a +size 1572435803 diff --git a/Natural_Language_Processing/xlnetlmhead_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/xlnetlmhead_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..a201773d5 --- /dev/null +++ b/Natural_Language_Processing/xlnetlmhead_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 21.62297558784485 + set_success: 0.031143903732299805 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xlnetlmhead_transformers_51c4ab78/onnx/xlnetlmhead_transformers_51c4ab78-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/xlnetlmhead.py +class: XLNetLMHeadModel +hash: '97810303' +model_name: xlnetlmhead +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1535499.7295 +onnx_ops_counter: + Add: 194 + Cast: 52 + Concat: 49 + Constant: 614 + ConstantOfShape: 2 + Cos: 1 + Div: 24 + Einsum: 217 + Equal: 1 + Erf: 24 + Expand: 1 + EyeLike: 1 + Gather: 145 + Greater: 2 + LayerNormalization: 48 + MatMul: 49 + Mul: 97 + Neg: 1 + Range: 24 + Reshape: 48 + Shape: 120 + Sin: 1 + Slice: 24 + Softmax: 24 + Sub: 49 + Transpose: 3 + Unsqueeze: 197 + Where: 1 +parameters: 393068800 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/xlnetlmhead_Opset17_transformers/xlnetlmhead_Opset17.onnx b/Natural_Language_Processing/xlnetlmhead_Opset17_transformers/xlnetlmhead_Opset17.onnx new file mode 100644 index 000000000..211ee2580 --- /dev/null +++ b/Natural_Language_Processing/xlnetlmhead_Opset17_transformers/xlnetlmhead_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fd25f85ef9c41e7fe6f12cca416c048b7fadf10e4389b3f56602e5ebd8e2d267 +size 1572351690 diff --git a/Natural_Language_Processing/xlnetlmhead_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/xlnetlmhead_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..193d72e2a --- /dev/null +++ b/Natural_Language_Processing/xlnetlmhead_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,222 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 22.04105305671692 + set_success: 0.032816410064697266 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xlnetlmhead_transformers_51c4ab78/onnx/xlnetlmhead_transformers_51c4ab78-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/xlnetlmhead.py +class: XLNetLMHeadModel +hash: '97810303' +model_name: xlnetlmhead +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1535499.7295 +onnx_ops_counter: + Add: 194 + Cast: 52 + Concat: 49 + Constant: 614 + ConstantOfShape: 2 + Cos: 1 + Div: 24 + Einsum: 217 + Equal: 1 + Erf: 24 + Expand: 1 + EyeLike: 1 + Gather: 145 + Greater: 2 + LayerNormalization: 48 + MatMul: 49 + Mul: 97 + Neg: 1 + Range: 24 + Reshape: 48 + Shape: 120 + Sin: 1 + Slice: 24 + Softmax: 24 + Sub: 49 + Transpose: 3 + Unsqueeze: 197 + Where: 1 +parameters: 393068800 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/xlnetlmhead_Opset18_transformers/xlnetlmhead_Opset18.onnx b/Natural_Language_Processing/xlnetlmhead_Opset18_transformers/xlnetlmhead_Opset18.onnx new file mode 100644 index 000000000..6537ddb09 --- /dev/null +++ b/Natural_Language_Processing/xlnetlmhead_Opset18_transformers/xlnetlmhead_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:54fd6e109f9608865ea612af656cf67d1af43ad7c1405d9162e9142581de3c92 +size 1572351690 diff --git a/Natural_Language_Processing/xmod_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/xmod_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..d4cde96f2 --- /dev/null +++ b/Natural_Language_Processing/xmod_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 35.493079662323 + set_success: 0.053487300872802734 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xmod_transformers_e7c2ab1b/onnx/xmod_transformers_e7c2ab1b-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/xmod.py +class: XmodModel +hash: c98c743c +model_name: xmod +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 1114018.3506 +onnx_ops_counter: + Add: 245 + Cast: 3 + Concat: 12 + Constant: 219 + ConstantOfShape: 1 + CumSum: 1 + Div: 73 + Equal: 2 + Erf: 24 + Expand: 1 + Gather: 4 + Gemm: 1 + MatMul: 120 + Mul: 88 + Not: 1 + Pow: 37 + ReduceMean: 74 + Reshape: 48 + Softmax: 12 + Split: 12 + Sqrt: 37 + Sub: 38 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 852472320 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/xmod_Opset16_transformers/xmod_Opset16.onnx b/Natural_Language_Processing/xmod_Opset16_transformers/xmod_Opset16.onnx new file mode 100644 index 000000000..9347924b4 --- /dev/null +++ b/Natural_Language_Processing/xmod_Opset16_transformers/xmod_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35be3ed4e27703eb78df3470c8d83fc144dade5370cb5bd8a9455c0e7704e5d1 +size 1140754758 diff --git a/Natural_Language_Processing/xmod_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/xmod_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..9b0f90bd1 --- /dev/null +++ b/Natural_Language_Processing/xmod_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 23.0326509475708 + set_success: 0.04180312156677246 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xmod_transformers_e7c2ab1b/onnx/xmod_transformers_e7c2ab1b-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/xmod.py +class: XmodModel +hash: c98c743c +model_name: xmod +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 1113962.0508 +onnx_ops_counter: + Add: 171 + Cast: 3 + Concat: 12 + Constant: 145 + ConstantOfShape: 1 + CumSum: 1 + Div: 36 + Equal: 2 + Erf: 24 + Expand: 1 + Gather: 4 + Gemm: 1 + LayerNormalization: 37 + MatMul: 120 + Mul: 51 + Not: 1 + Reshape: 48 + Softmax: 12 + Split: 12 + Sub: 1 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 852472320 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/xmod_Opset17_transformers/xmod_Opset17.onnx b/Natural_Language_Processing/xmod_Opset17_transformers/xmod_Opset17.onnx new file mode 100644 index 000000000..e3561f6e5 --- /dev/null +++ b/Natural_Language_Processing/xmod_Opset17_transformers/xmod_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9801f3e640b25d9a118f4e6b4ecded2e417669d4d65edc465a8d01caadc9806 +size 1140697107 diff --git a/Natural_Language_Processing/xmod_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/xmod_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..339a4c10c --- /dev/null +++ b/Natural_Language_Processing/xmod_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,218 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 23.24777626991272 + set_success: 0.04649782180786133 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/xmod_transformers_e7c2ab1b/onnx/xmod_transformers_e7c2ab1b-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/xmod.py +class: XmodModel +hash: c98c743c +model_name: xmod +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 1113962.0508 +onnx_ops_counter: + Add: 171 + Cast: 3 + Concat: 12 + Constant: 145 + ConstantOfShape: 1 + CumSum: 1 + Div: 36 + Equal: 2 + Erf: 24 + Expand: 1 + Gather: 4 + Gemm: 1 + LayerNormalization: 37 + MatMul: 120 + Mul: 51 + Not: 1 + Reshape: 48 + Softmax: 12 + Split: 12 + Sub: 1 + Tanh: 1 + Transpose: 48 + Unsqueeze: 2 + Where: 1 +parameters: 852472320 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/xmod_Opset18_transformers/xmod_Opset18.onnx b/Natural_Language_Processing/xmod_Opset18_transformers/xmod_Opset18.onnx new file mode 100644 index 000000000..4fbb90f53 --- /dev/null +++ b/Natural_Language_Processing/xmod_Opset18_transformers/xmod_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:29dc310da402940b55d9478bb71ff605571d540977306e41c2a2db6ef209eb5f +size 1140697107 diff --git a/Natural_Language_Processing/yoso_Opset16_transformers/turnkey_stats.yaml b/Natural_Language_Processing/yoso_Opset16_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..961fa912b --- /dev/null +++ b/Natural_Language_Processing/yoso_Opset16_transformers/turnkey_stats.yaml @@ -0,0 +1,220 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 9.03368878364563 + set_success: 0.020000934600830078 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/yoso_transformers_90818c10/onnx/yoso_transformers_90818c10-op16-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/yoso.py +class: YosoModel +hash: b40e5373 +model_name: yoso +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 16 + size on disk (KiB): 495630.7314 +onnx_ops_counter: + Abs: 36 + Acos: 12 + Add: 161 + Cast: 37 + Clip: 36 + Constant: 433 + ConstantOfShape: 13 + Div: 86 + Equal: 1 + Erf: 12 + Expand: 49 + Gather: 3 + MatMul: 96 + Mul: 75 + Pow: 109 + ReduceMean: 50 + ReduceSum: 36 + Reshape: 108 + Shape: 36 + Sqrt: 25 + Squeeze: 1 + Sub: 38 + Tile: 12 + Transpose: 60 + Unsqueeze: 26 + Where: 1 +parameters: 126807552 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/yoso_Opset16_transformers/yoso_Opset16.onnx b/Natural_Language_Processing/yoso_Opset16_transformers/yoso_Opset16.onnx new file mode 100644 index 000000000..5a11726e1 --- /dev/null +++ b/Natural_Language_Processing/yoso_Opset16_transformers/yoso_Opset16.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:010e4fb0863d7bdcf9c5e65684ed3c10e9a0de0602f43d5123516b4cf5ec7ba9 +size 507525836 diff --git a/Natural_Language_Processing/yoso_Opset17_transformers/turnkey_stats.yaml b/Natural_Language_Processing/yoso_Opset17_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..77d270892 --- /dev/null +++ b/Natural_Language_Processing/yoso_Opset17_transformers/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 8.960829257965088 + set_success: 0.02063298225402832 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/yoso_transformers_90818c10/onnx/yoso_transformers_90818c10-op17-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/yoso.py +class: YosoModel +hash: b40e5373 +model_name: yoso +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 17 + size on disk (KiB): 495588.2412 +onnx_ops_counter: + Abs: 36 + Acos: 12 + Add: 111 + Cast: 37 + Clip: 36 + Constant: 383 + ConstantOfShape: 13 + Div: 61 + Equal: 1 + Erf: 12 + Expand: 49 + Gather: 3 + LayerNormalization: 25 + MatMul: 96 + Mul: 50 + Pow: 84 + ReduceSum: 36 + Reshape: 108 + Shape: 36 + Squeeze: 1 + Sub: 13 + Tile: 12 + Transpose: 60 + Unsqueeze: 26 + Where: 1 +parameters: 126807552 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/yoso_Opset17_transformers/yoso_Opset17.onnx b/Natural_Language_Processing/yoso_Opset17_transformers/yoso_Opset17.onnx new file mode 100644 index 000000000..8075a3684 --- /dev/null +++ b/Natural_Language_Processing/yoso_Opset17_transformers/yoso_Opset17.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e71e40880b29432b535c1ffbc9b80c1801dbae6e1ed730ee707e2e0476e8c601 +size 507482326 diff --git a/Natural_Language_Processing/yoso_Opset18_transformers/turnkey_stats.yaml b/Natural_Language_Processing/yoso_Opset18_transformers/turnkey_stats.yaml new file mode 100644 index 000000000..862ffb9fa --- /dev/null +++ b/Natural_Language_Processing/yoso_Opset18_transformers/turnkey_stats.yaml @@ -0,0 +1,219 @@ +author: transformers +builds: + x86_ort: + all_build_stages: + - export_pytorch + - set_success + benchmark_status: successful + completed_build_stages: + export_pytorch: 11.733805418014526 + set_success: 0.030506372451782227 + device_type: x86 + iterations: 100 + onnx_file: /home/azureuser/.cache/turnkey/yoso_transformers_90818c10/onnx/yoso_transformers_90818c10-op18-base.onnx + runtime: ort +builtin_model_script: https://github.com/onnx/turnkeyml/blob/main/models/transformers/yoso.py +class: YosoModel +hash: b40e5373 +model_name: yoso +onnx_input_dimensions: + attention_mask: + - 1 + - 128 + input_ids: + - 1 + - 128 +onnx_model_information: + ir_version: 8 + opset: 18 + size on disk (KiB): 495588.2412 +onnx_ops_counter: + Abs: 36 + Acos: 12 + Add: 111 + Cast: 37 + Clip: 36 + Constant: 383 + ConstantOfShape: 13 + Div: 61 + Equal: 1 + Erf: 12 + Expand: 49 + Gather: 3 + LayerNormalization: 25 + MatMul: 96 + Mul: 50 + Pow: 84 + ReduceSum: 36 + Reshape: 108 + Shape: 36 + Squeeze: 1 + Sub: 13 + Tile: 12 + Transpose: 60 + Unsqueeze: 26 + Where: 1 +parameters: 126807552 +system_info: + Memory Info: 62.79 GB + OEM System: Virtual Machine + OS Version: Linux-5.15.0-1051-azure-x86_64-with-glibc2.17 + Processor: Intel(R) Xeon(R) Platinum 8272CL CPU @ 2.60GHz + Python Packages: + - gitpython==3.1.40 + - jinja2==3.1.2 + - markdown==3.5.1 + - markupsafe==2.1.3 + - pillow==10.1.0 + - pynacl==1.5.0 + - pyyaml==6.0.1 + - pygments==2.16.1 + - absl-py==2.0.0 + - aiohttp==3.8.6 + - aiosignal==1.3.1 + - altair==5.1.2 + - appdirs==1.4.4 + - async-timeout==4.0.3 + - attrs==23.1.0 + - backports.zoneinfo==0.2.1 + - bcrypt==4.0.1 + - blinker==1.7.0 + - boto3==1.28.77 + - botocore==1.31.77 + - cachetools==5.3.2 + - certifi==2023.7.22 + - cffi==1.16.0 + - charset-normalizer==3.3.2 + - click==8.1.7 + - coloredlogs==15.0.1 + - cryptography==41.0.5 + - datasets==2.14.6 + - diffusers==0.12.0 + - dill==0.3.7 + - docker-pycreds==0.4.0 + - fasteners==0.19 + - filelock==3.13.1 + - flatbuffers==23.5.26 + - frozenlist==1.4.0 + - fsspec==2023.10.0 + - fvcore==0.1.5.post20221221 + - gitdb==4.0.11 + - google-auth==2.23.4 + - google-auth-oauthlib==1.0.0 + - grpcio==1.59.2 + - huggingface-hub==0.17.3 + - humanfriendly==10.0 + - hummingbird-ml==0.4.4 + - idna==3.4 + - importlib-metadata==6.8.0 + - importlib-resources==6.1.0 + - invoke==2.2.0 + - iopath==0.1.10 + - jmespath==1.0.1 + - joblib==1.3.2 + - jsonschema==4.19.2 + - jsonschema-specifications==2023.7.1 + - lightgbm==3.3.5 + - markdown-it-py==3.0.0 + - mdurl==0.1.2 + - mpmath==1.3.0 + - multidict==6.0.4 + - multiprocess==0.70.15 + - networkx==3.1 + - nltk==3.8.1 + - numpy==1.24.4 + - nvidia-cublas-cu12==12.1.3.1 + - nvidia-cuda-cupti-cu12==12.1.105 + - nvidia-cuda-nvrtc-cu12==12.1.105 + - nvidia-cuda-runtime-cu12==12.1.105 + - nvidia-cudnn-cu12==8.9.2.26 + - nvidia-cufft-cu12==11.0.2.54 + - nvidia-curand-cu12==10.3.2.106 + - nvidia-cusolver-cu12==11.4.5.107 + - nvidia-cusparse-cu12==12.1.0.106 + - nvidia-nccl-cu12==2.18.1 + - nvidia-nvjitlink-cu12==12.3.52 + - nvidia-nvtx-cu12==12.1.105 + - oauthlib==3.2.2 + - onnx==1.15.0 + - onnxconverter-common==1.14.0 + - onnxmltools==1.10.0 + - onnxruntime==1.15.1 + - packaging==23.2 + - pandas==2.0.3 + - paramiko==2.11.0 + - pathtools==0.1.2 + - pip==23.3 + - pkgutil-resolve-name==1.3.10 + - portalocker==2.8.2 + - protobuf==3.20.2 + - psutil==5.9.6 + - pyarrow==14.0.0 + - pyasn1==0.5.0 + - pyasn1-modules==0.3.0 + - pycparser==2.21 + - pydeck==0.8.1b0 + - pyparsing==3.1.1 + - python-dateutil==2.8.2 + - pytorch-pretrained-biggan==0.1.1 + - pytz==2023.3.post1 + - referencing==0.30.2 + - regex==2023.10.3 + - requests==2.31.0 + - requests-oauthlib==1.3.1 + - rich==13.6.0 + - rjieba==0.1.11 + - roformer==0.4.3 + - rpds-py==0.10.6 + - rsa==4.9 + - s3transfer==0.7.0 + - safetensors==0.4.0 + - scikit-learn==1.1.1 + - scipy==1.10.1 + - sentence-transformers==2.2.2 + - sentencepiece==0.1.99 + - sentry-sdk==1.34.0 + - seqeval==1.2.2 + - setproctitle==1.3.3 + - setuptools==68.0.0 + - simpletransformers==0.64.3 + - six==1.16.0 + - skl2onnx==1.15.0 + - smmap==5.0.1 + - streamlit==1.28.1 + - sympy==1.12 + - tabulate==0.9.0 + - tenacity==8.2.3 + - tensorboard==2.14.0 + - tensorboard-data-server==0.7.2 + - termcolor==2.3.0 + - threadpoolctl==3.2.0 + - timm==0.9.8 + - tokenizers==0.14.1 + - toml==0.10.2 + - toolz==0.12.0 + - torch==2.1.0 + - torch-geometric==2.4.0 + - torchaudio==2.1.0 + - torchvision==0.16.0 + - tornado==6.3.3 + - tqdm==4.66.1 + - transformers==4.35.0 + - triton==2.1.0 + - turnkeyml==0.2.0 + - typeguard==4.1.5 + - typing-extensions==4.8.0 + - tzdata==2023.3 + - tzlocal==5.2 + - urllib3==1.26.18 + - validators==0.22.0 + - wandb==0.15.12 + - watchdog==3.0.0 + - werkzeug==3.0.1 + - wheel==0.41.2 + - xgboost==1.6.1 + - xxhash==3.4.1 + - yacs==0.1.8 + - yarl==1.9.2 + - zipp==3.17.0 +task: Generative_AI diff --git a/Natural_Language_Processing/yoso_Opset18_transformers/yoso_Opset18.onnx b/Natural_Language_Processing/yoso_Opset18_transformers/yoso_Opset18.onnx new file mode 100644 index 000000000..8d03a08dd --- /dev/null +++ b/Natural_Language_Processing/yoso_Opset18_transformers/yoso_Opset18.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:663f343c24addc7c5c5f159e1aed1067762b17a264be83ec08f2d07522b2119b +size 507482326 diff --git a/ONNX_HUB_MANIFEST.json b/ONNX_HUB_MANIFEST.json index 530b52e8f..65b2c8bed 100644 --- a/ONNX_HUB_MANIFEST.json +++ b/ONNX_HUB_MANIFEST.json @@ -1,7 +1,7 @@ [ { "model": "BERT-Squad", - "model_path": "text/machine_comprehension/bert-squad/model/bertsquad-10.onnx", + "model_path": "archive/text/machine_comprehension/bert-squad/model/bertsquad-10.onnx", "onnx_version": "1.5", "opset_version": 10, "metadata": { @@ -72,14 +72,14 @@ } ] }, - "model_with_data_path": "text/machine_comprehension/bert-squad/model/bertsquad-10.tar.gz", + "model_with_data_path": "archive/text/machine_comprehension/bert-squad/model/bertsquad-10.tar.gz", "model_with_data_sha": "0ff18af268a891e7de390c5476191084e95eafba2763a69091c83ced7030c8b2", "model_with_data_bytes": 403398451 } }, { "model": "BERT-Squad-int8", - "model_path": "text/machine_comprehension/bert-squad/model/bertsquad-12-int8.onnx", + "model_path": "archive/text/machine_comprehension/bert-squad/model/bertsquad-12-int8.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -150,14 +150,14 @@ } ] }, - "model_with_data_path": "text/machine_comprehension/bert-squad/model/bertsquad-12-int8.tar.gz", + "model_with_data_path": "archive/text/machine_comprehension/bert-squad/model/bertsquad-12-int8.tar.gz", "model_with_data_sha": "6c33f44ee1949ee25936e259cb68da3e19bea7f6e7d5ea72a4d95ae300c86d87", "model_with_data_bytes": 106044512 } }, { "model": "BERT-Squad", - "model_path": "text/machine_comprehension/bert-squad/model/bertsquad-12.onnx", + "model_path": "archive/text/machine_comprehension/bert-squad/model/bertsquad-12.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -228,14 +228,14 @@ } ] }, - "model_with_data_path": "text/machine_comprehension/bert-squad/model/bertsquad-12.tar.gz", + "model_with_data_path": "archive/text/machine_comprehension/bert-squad/model/bertsquad-12.tar.gz", "model_with_data_sha": "4cd041010ab4ad11c23c0eb7f056c4e4286a894b6d712ef09445b955763fb1b1", "model_with_data_bytes": 403082198 } }, { "model": "BERT-Squad", - "model_path": "text/machine_comprehension/bert-squad/model/bertsquad-8.onnx", + "model_path": "archive/text/machine_comprehension/bert-squad/model/bertsquad-8.onnx", "onnx_version": "1.3", "opset_version": 8, "metadata": { @@ -306,14 +306,14 @@ } ] }, - "model_with_data_path": "text/machine_comprehension/bert-squad/model/bertsquad-8.tar.gz", + "model_with_data_path": "archive/text/machine_comprehension/bert-squad/model/bertsquad-8.tar.gz", "model_with_data_sha": "c8c6c7e0ab9e1333b86e8415a9d990b2570f9374f80be1c1cb72f182d266f666", "model_with_data_bytes": 403400046 } }, { "model": "BiDAF-int8", - "model_path": "text/machine_comprehension/bidirectional_attention_flow/model/bidaf-11-int8.onnx", + "model_path": "archive/text/machine_comprehension/bidirectional_attention_flow/model/bidaf-11-int8.onnx", "onnx_version": "1.13.1", "opset_version": 11, "metadata": { @@ -380,14 +380,14 @@ } ] }, - "model_with_data_path": "text/machine_comprehension/bidirectional_attention_flow/model/bidaf-11-int8.tar.gz", + "model_with_data_path": "archive/text/machine_comprehension/bidirectional_attention_flow/model/bidaf-11-int8.tar.gz", "model_with_data_sha": "571410c31445882ea9ed7b9f48fe8c2ed6ccb72b925281a1be82a75c0c12b6ab", "model_with_data_bytes": 9086295 } }, { "model": "BiDAF", - "model_path": "text/machine_comprehension/bidirectional_attention_flow/model/bidaf-9.onnx", + "model_path": "archive/text/machine_comprehension/bidirectional_attention_flow/model/bidaf-9.onnx", "onnx_version": "1.4", "opset_version": 9, "metadata": { @@ -454,14 +454,14 @@ } ] }, - "model_with_data_path": "text/machine_comprehension/bidirectional_attention_flow/model/bidaf-9.tar.gz", + "model_with_data_path": "archive/text/machine_comprehension/bidirectional_attention_flow/model/bidaf-9.tar.gz", "model_with_data_sha": "c74387eec257f2cb37cefc2846e1c4078bfebf06cd6486e9dafe6c9f7cdc1ef3", "model_with_data_bytes": 39092248 } }, { "model": "GPT-2", - "model_path": "text/machine_comprehension/gpt-2/model/gpt2-10.onnx", + "model_path": "archive/text/machine_comprehension/gpt-2/model/gpt2-10.onnx", "onnx_version": "1.6", "opset_version": 10, "metadata": { @@ -629,14 +629,14 @@ } ] }, - "model_with_data_path": "text/machine_comprehension/gpt-2/model/gpt2-10.tar.gz", + "model_with_data_path": "archive/text/machine_comprehension/gpt-2/model/gpt2-10.tar.gz", "model_with_data_sha": "0c9b81350c95cf2f40e8e72f76792ef6b3c73894beee571171739079330aad53", "model_with_data_bytes": 463131530 } }, { "model": "GPT-2-LM-HEAD", - "model_path": "text/machine_comprehension/gpt-2/model/gpt2-lm-head-10.onnx", + "model_path": "archive/text/machine_comprehension/gpt-2/model/gpt2-lm-head-10.onnx", "onnx_version": "1.6", "opset_version": 10, "metadata": { @@ -804,14 +804,14 @@ } ] }, - "model_with_data_path": "text/machine_comprehension/gpt-2/model/gpt2-lm-head-10.tar.gz", + "model_with_data_path": "archive/text/machine_comprehension/gpt-2/model/gpt2-lm-head-10.tar.gz", "model_with_data_sha": "820f53e5403bb9fa0dac10af138cedcb71f282a527f04d76e35db5b2b88871c8", "model_with_data_bytes": 606542743 } }, { "model": "RoBERTa-BASE", - "model_path": "text/machine_comprehension/roberta/model/roberta-base-11.onnx", + "model_path": "archive/text/machine_comprehension/roberta/model/roberta-base-11.onnx", "onnx_version": "1.6", "opset_version": 11, "metadata": { @@ -853,14 +853,14 @@ } ] }, - "model_with_data_path": "text/machine_comprehension/roberta/model/roberta-base-11.tar.gz", + "model_with_data_path": "archive/text/machine_comprehension/roberta/model/roberta-base-11.tar.gz", "model_with_data_sha": "16134da10f8fee3283d22a0d70928fe5ceea1ca2ea23507fe0b0f295108a8815", "model_with_data_bytes": 291239125 } }, { "model": "RoBERTa-SequenceClassification", - "model_path": "text/machine_comprehension/roberta/model/roberta-sequence-classification-9.onnx", + "model_path": "archive/text/machine_comprehension/roberta/model/roberta-sequence-classification-9.onnx", "onnx_version": "1.6", "opset_version": 9, "metadata": { @@ -893,14 +893,14 @@ } ] }, - "model_with_data_path": "text/machine_comprehension/roberta/model/roberta-sequence-classification-9.tar.gz", + "model_with_data_path": "archive/text/machine_comprehension/roberta/model/roberta-sequence-classification-9.tar.gz", "model_with_data_sha": "1fb22feddadc6a0e26f65b6022f0d77d3585d24866b88a7126ab243451032c5b", "model_with_data_bytes": 431071460 } }, { "model": "T5-decoder-with-lm-head", - "model_path": "text/machine_comprehension/t5/model/t5-decoder-with-lm-head-12.onnx", + "model_path": "archive/text/machine_comprehension/t5/model/t5-decoder-with-lm-head-12.onnx", "onnx_version": "1.7", "opset_version": 12, "metadata": { @@ -943,14 +943,14 @@ } ] }, - "model_with_data_path": "text/machine_comprehension/t5/model/t5-decoder-with-lm-head-12.tar.gz", + "model_with_data_path": "archive/text/machine_comprehension/t5/model/t5-decoder-with-lm-head-12.tar.gz", "model_with_data_sha": "fa6edefa5951479f7b68bea693950a4ebc188f54c7971bf73f2b036b91bc8066", "model_with_data_bytes": 287840759 } }, { "model": "T5-encoder", - "model_path": "text/machine_comprehension/t5/model/t5-encoder-12.onnx", + "model_path": "archive/text/machine_comprehension/t5/model/t5-encoder-12.onnx", "onnx_version": "1.7", "opset_version": 12, "metadata": { @@ -984,14 +984,14 @@ } ] }, - "model_with_data_path": "text/machine_comprehension/t5/model/t5-encoder-12.tar.gz", + "model_with_data_path": "archive/text/machine_comprehension/t5/model/t5-encoder-12.tar.gz", "model_with_data_sha": "434e2f691bd71c838bd4b68be47bdf32c899313fdebfe4b77c7bea0b2f52e831", "model_with_data_bytes": 194535656 } }, { "model": "LResNet100E-IR-int8", - "model_path": "vision/body_analysis/arcface/model/arcfaceresnet100-11-int8.onnx", + "model_path": "archive/vision/body_analysis/arcface/model/arcfaceresnet100-11-int8.onnx", "onnx_version": "1.13.1", "opset_version": 11, "metadata": { @@ -1026,14 +1026,14 @@ } ] }, - "model_with_data_path": "vision/body_analysis/arcface/model/arcfaceresnet100-11-int8.tar.gz", + "model_with_data_path": "archive/vision/body_analysis/arcface/model/arcfaceresnet100-11-int8.tar.gz", "model_with_data_sha": "d560f59c57fa4784771ba520b5b2f380097d7b2210e6c8b02ca203c2e9784f8a", "model_with_data_bytes": 47945269 } }, { "model": "LResNet100E-IR", - "model_path": "vision/body_analysis/arcface/model/arcfaceresnet100-8.onnx", + "model_path": "archive/vision/body_analysis/arcface/model/arcfaceresnet100-8.onnx", "onnx_version": "1.3", "opset_version": 8, "metadata": { @@ -1068,14 +1068,14 @@ } ] }, - "model_with_data_path": "vision/body_analysis/arcface/model/arcfaceresnet100-8.tar.gz", + "model_with_data_path": "archive/vision/body_analysis/arcface/model/arcfaceresnet100-8.tar.gz", "model_with_data_sha": "f7098d004468725906a805e50d772eabc95e31f57eedeaaa72aeab8225598c2a", "model_with_data_bytes": 237272167 } }, { "model": "Emotion FERPlus int8", - "model_path": "vision/body_analysis/emotion_ferplus/model/emotion-ferplus-12-int8.onnx", + "model_path": "archive/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-12-int8.onnx", "onnx_version": "1.14", "opset_version": 12, "metadata": { @@ -1110,14 +1110,14 @@ } ] }, - "model_with_data_path": "vision/body_analysis/emotion_ferplus/model/emotion-ferplus-12-int8.tar.gz", + "model_with_data_path": "archive/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-12-int8.tar.gz", "model_with_data_sha": "429cd3e9cdfc20330b76361c65e7aaeb4298b9edcd29282fd6f63b95aee00983", "model_with_data_bytes": 18119569 } }, { "model": "Emotion FERPlus", - "model_path": "vision/body_analysis/emotion_ferplus/model/emotion-ferplus-2.onnx", + "model_path": "archive/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-2.onnx", "onnx_version": "1.0", "opset_version": 2, "metadata": { @@ -1128,14 +1128,14 @@ "body analysis", "emotion ferplus" ], - "model_with_data_path": "vision/body_analysis/emotion_ferplus/model/emotion-ferplus-2.tar.gz", + "model_with_data_path": "archive/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-2.tar.gz", "model_with_data_sha": "07dd46eb1b83213f6fb743de869e60fdefe7f486a4d308f7612b67b046b3b013", "model_with_data_bytes": 32380999 } }, { "model": "Emotion FERPlus", - "model_path": "vision/body_analysis/emotion_ferplus/model/emotion-ferplus-7.onnx", + "model_path": "archive/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-7.onnx", "onnx_version": "1.2", "opset_version": 7, "metadata": { @@ -1170,14 +1170,14 @@ } ] }, - "model_with_data_path": "vision/body_analysis/emotion_ferplus/model/emotion-ferplus-7.tar.gz", + "model_with_data_path": "archive/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-7.tar.gz", "model_with_data_sha": "6a0341e6f1ebcad345c42883c84591e219d751590d5fdb82d4b35f09722f22ce", "model_with_data_bytes": 32384236 } }, { "model": "Emotion FERPlus", - "model_path": "vision/body_analysis/emotion_ferplus/model/emotion-ferplus-8.onnx", + "model_path": "archive/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-8.onnx", "onnx_version": "1.3", "opset_version": 8, "metadata": { @@ -1212,14 +1212,14 @@ } ] }, - "model_with_data_path": "vision/body_analysis/emotion_ferplus/model/emotion-ferplus-8.tar.gz", + "model_with_data_path": "archive/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-8.tar.gz", "model_with_data_sha": "f200563a2cad231634970bb603ba74f68f01aab0f33a92251ec6d390c1991b1d", "model_with_data_bytes": 32384240 } }, { "model": "version-RFB-320-int8", - "model_path": "vision/body_analysis/ultraface/models/version-RFB-320-int8.onnx", + "model_path": "archive/vision/body_analysis/ultraface/models/version-RFB-320-int8.onnx", "onnx_version": "1.14", "opset_version": 12, "metadata": { @@ -1264,14 +1264,14 @@ } ] }, - "model_with_data_path": "vision/body_analysis/ultraface/models/version-RFB-320-int8.tar.gz", + "model_with_data_path": "archive/vision/body_analysis/ultraface/models/version-RFB-320-int8.tar.gz", "model_with_data_sha": "a0010e6a58f9e4ca553efbd8d9cf539c8846fbd56e17e10c8b9aebc9f4d625d0", "model_with_data_bytes": 1211441 } }, { "model": "version-RFB-320", - "model_path": "vision/body_analysis/ultraface/models/version-RFB-320.onnx", + "model_path": "archive/vision/body_analysis/ultraface/models/version-RFB-320.onnx", "onnx_version": "1.4", "opset_version": 9, "metadata": { @@ -1316,14 +1316,14 @@ } ] }, - "model_with_data_path": "vision/body_analysis/ultraface/models/version-RFB-320.tar.gz", + "model_with_data_path": "archive/vision/body_analysis/ultraface/models/version-RFB-320.tar.gz", "model_with_data_sha": "628d0dd3e0288adb821f211e13d4e97f6d6f4527237339606732dffa6f19d381", "model_with_data_bytes": 2015397 } }, { "model": "version-RFB-640", - "model_path": "vision/body_analysis/ultraface/models/version-RFB-640.onnx", + "model_path": "archive/vision/body_analysis/ultraface/models/version-RFB-640.onnx", "onnx_version": "1.4", "opset_version": 9, "metadata": { @@ -1368,14 +1368,14 @@ } ] }, - "model_with_data_path": "vision/body_analysis/ultraface/models/version-RFB-640.tar.gz", + "model_with_data_path": "archive/vision/body_analysis/ultraface/models/version-RFB-640.tar.gz", "model_with_data_sha": "07cc0e284b7924bd89f2ec103254ef3ab4b673fd12341153faaff07f3c1137e3", "model_with_data_bytes": 4818743 } }, { "model": "AlexNet-int8", - "model_path": "vision/classification/alexnet/model/bvlcalexnet-12-int8.onnx", + "model_path": "archive/vision/classification/alexnet/model/bvlcalexnet-12-int8.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -1410,14 +1410,14 @@ } ] }, - "model_with_data_path": "vision/classification/alexnet/model/bvlcalexnet-12-int8.tar.gz", + "model_with_data_path": "archive/vision/classification/alexnet/model/bvlcalexnet-12-int8.tar.gz", "model_with_data_sha": "6ec09e19e5475c51fda2d6b6205f194969ff07199e19944934b806414b34ef2e", "model_with_data_bytes": 40683138 } }, { "model": "AlexNet-qdq", - "model_path": "vision/classification/alexnet/model/bvlcalexnet-12-qdq.onnx", + "model_path": "archive/vision/classification/alexnet/model/bvlcalexnet-12-qdq.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -1452,14 +1452,14 @@ } ] }, - "model_with_data_path": "vision/classification/alexnet/model/bvlcalexnet-12-qdq.tar.gz", + "model_with_data_path": "archive/vision/classification/alexnet/model/bvlcalexnet-12-qdq.tar.gz", "model_with_data_sha": "930eeb3f4d25a20e59fa21919f95edbb7a4b3f31b51a83f62c9b6627906156b9", "model_with_data_bytes": 45565042 } }, { "model": "AlexNet", - "model_path": "vision/classification/alexnet/model/bvlcalexnet-12.onnx", + "model_path": "archive/vision/classification/alexnet/model/bvlcalexnet-12.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -1505,14 +1505,14 @@ } ] }, - "model_with_data_path": "vision/classification/alexnet/model/bvlcalexnet-12.tar.gz", + "model_with_data_path": "archive/vision/classification/alexnet/model/bvlcalexnet-12.tar.gz", "model_with_data_sha": "24abe33e5587bf8df8f824559d4b8c0d24db860efbe21152dc9536451ce8ddc1", "model_with_data_bytes": 226657165 } }, { "model": "AlexNet", - "model_path": "vision/classification/alexnet/model/bvlcalexnet-3.onnx", + "model_path": "archive/vision/classification/alexnet/model/bvlcalexnet-3.onnx", "onnx_version": "1.1", "opset_version": 3, "metadata": { @@ -1523,14 +1523,14 @@ "classification", "alexnet" ], - "model_with_data_path": "vision/classification/alexnet/model/bvlcalexnet-3.tar.gz", + "model_with_data_path": "archive/vision/classification/alexnet/model/bvlcalexnet-3.tar.gz", "model_with_data_sha": "b640cc797d25aa446cebefaa3274d517f0c25e26d66eb6f6686ac7e4d4d8d584", "model_with_data_bytes": 229606515 } }, { "model": "AlexNet", - "model_path": "vision/classification/alexnet/model/bvlcalexnet-6.onnx", + "model_path": "archive/vision/classification/alexnet/model/bvlcalexnet-6.onnx", "onnx_version": "1.1.2", "opset_version": 6, "metadata": { @@ -1541,14 +1541,14 @@ "classification", "alexnet" ], - "model_with_data_path": "vision/classification/alexnet/model/bvlcalexnet-6.tar.gz", + "model_with_data_path": "archive/vision/classification/alexnet/model/bvlcalexnet-6.tar.gz", "model_with_data_sha": "7afb4036281dfbcb33edec2fc3928cc9da5e015aee9142c03faa81b3f8481db3", "model_with_data_bytes": 229606527 } }, { "model": "AlexNet", - "model_path": "vision/classification/alexnet/model/bvlcalexnet-7.onnx", + "model_path": "archive/vision/classification/alexnet/model/bvlcalexnet-7.onnx", "onnx_version": "1.2", "opset_version": 7, "metadata": { @@ -1594,14 +1594,14 @@ } ] }, - "model_with_data_path": "vision/classification/alexnet/model/bvlcalexnet-7.tar.gz", + "model_with_data_path": "archive/vision/classification/alexnet/model/bvlcalexnet-7.tar.gz", "model_with_data_sha": "d3b909372a704d0c8614998b2c036d007f658e9cf1e4698a2a0e9f180d44ae20", "model_with_data_bytes": 226848956 } }, { "model": "AlexNet", - "model_path": "vision/classification/alexnet/model/bvlcalexnet-8.onnx", + "model_path": "archive/vision/classification/alexnet/model/bvlcalexnet-8.onnx", "onnx_version": "1.3", "opset_version": 8, "metadata": { @@ -1647,14 +1647,14 @@ } ] }, - "model_with_data_path": "vision/classification/alexnet/model/bvlcalexnet-8.tar.gz", + "model_with_data_path": "archive/vision/classification/alexnet/model/bvlcalexnet-8.tar.gz", "model_with_data_sha": "2d651095a6a61a2c807a2ddc4bca1063224f5bcf289bb41a2c5ad3cb32728752", "model_with_data_bytes": 226849065 } }, { "model": "AlexNet", - "model_path": "vision/classification/alexnet/model/bvlcalexnet-9.onnx", + "model_path": "archive/vision/classification/alexnet/model/bvlcalexnet-9.onnx", "onnx_version": "1.4", "opset_version": 9, "metadata": { @@ -1700,14 +1700,14 @@ } ] }, - "model_with_data_path": "vision/classification/alexnet/model/bvlcalexnet-9.tar.gz", + "model_with_data_path": "archive/vision/classification/alexnet/model/bvlcalexnet-9.tar.gz", "model_with_data_sha": "8ade7829c8705846f8f00ef67e62cf8915f23868b0f0cdc8ade19f8df2891743", "model_with_data_bytes": 226848864 } }, { "model": "CaffeNet-int8", - "model_path": "vision/classification/caffenet/model/caffenet-12-int8.onnx", + "model_path": "archive/vision/classification/caffenet/model/caffenet-12-int8.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -1742,14 +1742,14 @@ } ] }, - "model_with_data_path": "vision/classification/caffenet/model/caffenet-12-int8.tar.gz", + "model_with_data_path": "archive/vision/classification/caffenet/model/caffenet-12-int8.tar.gz", "model_with_data_sha": "24deead9c27254631332923c021c6b9cb429ef19b3367a0cc1cb171b9375c0e5", "model_with_data_bytes": 40718510 } }, { "model": "CaffeNet-qdq", - "model_path": "vision/classification/caffenet/model/caffenet-12-qdq.onnx", + "model_path": "archive/vision/classification/caffenet/model/caffenet-12-qdq.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -1784,14 +1784,14 @@ } ] }, - "model_with_data_path": "vision/classification/caffenet/model/caffenet-12-qdq.tar.gz", + "model_with_data_path": "archive/vision/classification/caffenet/model/caffenet-12-qdq.tar.gz", "model_with_data_sha": "7d78cb5357b90e71f38c133715e67237c5156e21be0aa6e397c9654557364a6d", "model_with_data_bytes": 45685092 } }, { "model": "CaffeNet", - "model_path": "vision/classification/caffenet/model/caffenet-12.onnx", + "model_path": "archive/vision/classification/caffenet/model/caffenet-12.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -1837,14 +1837,14 @@ } ] }, - "model_with_data_path": "vision/classification/caffenet/model/caffenet-12.tar.gz", + "model_with_data_path": "archive/vision/classification/caffenet/model/caffenet-12.tar.gz", "model_with_data_sha": "cd6077af2d35872550f2a118dc9505546eb8d80ab343f264aa90dafe5869b5c1", "model_with_data_bytes": 226654456 } }, { "model": "CaffeNet", - "model_path": "vision/classification/caffenet/model/caffenet-3.onnx", + "model_path": "archive/vision/classification/caffenet/model/caffenet-3.onnx", "onnx_version": "1.1", "opset_version": 3, "metadata": { @@ -1855,14 +1855,14 @@ "classification", "caffenet" ], - "model_with_data_path": "vision/classification/caffenet/model/caffenet-3.tar.gz", + "model_with_data_path": "archive/vision/classification/caffenet/model/caffenet-3.tar.gz", "model_with_data_sha": "d6a210e64d1964f8132cbe9ea46d4ab8e7fcf2634ce4285b701deb3fe3e7dd1c", "model_with_data_bytes": 229550734 } }, { "model": "CaffeNet", - "model_path": "vision/classification/caffenet/model/caffenet-6.onnx", + "model_path": "archive/vision/classification/caffenet/model/caffenet-6.onnx", "onnx_version": "1.1.2", "opset_version": 6, "metadata": { @@ -1873,14 +1873,14 @@ "classification", "caffenet" ], - "model_with_data_path": "vision/classification/caffenet/model/caffenet-6.tar.gz", + "model_with_data_path": "archive/vision/classification/caffenet/model/caffenet-6.tar.gz", "model_with_data_sha": "bf91013f28e461722dc47acfc1ebd8464c8320d4276902204a1d810a6dd2ff2a", "model_with_data_bytes": 229550795 } }, { "model": "CaffeNet", - "model_path": "vision/classification/caffenet/model/caffenet-7.onnx", + "model_path": "archive/vision/classification/caffenet/model/caffenet-7.onnx", "onnx_version": "1.2", "opset_version": 7, "metadata": { @@ -1926,14 +1926,14 @@ } ] }, - "model_with_data_path": "vision/classification/caffenet/model/caffenet-7.tar.gz", + "model_with_data_path": "archive/vision/classification/caffenet/model/caffenet-7.tar.gz", "model_with_data_sha": "6fe316230146dd17ecbf39704a9dd0c8e00f9334f804f53825d6960941fc7e09", "model_with_data_bytes": 226844168 } }, { "model": "CaffeNet", - "model_path": "vision/classification/caffenet/model/caffenet-8.onnx", + "model_path": "archive/vision/classification/caffenet/model/caffenet-8.onnx", "onnx_version": "1.3", "opset_version": 8, "metadata": { @@ -1979,14 +1979,14 @@ } ] }, - "model_with_data_path": "vision/classification/caffenet/model/caffenet-8.tar.gz", + "model_with_data_path": "archive/vision/classification/caffenet/model/caffenet-8.tar.gz", "model_with_data_sha": "f9b4938e7979d512b1761ad1f61879033711bd9ca609c60508c4817ee650715f", "model_with_data_bytes": 226844337 } }, { "model": "CaffeNet", - "model_path": "vision/classification/caffenet/model/caffenet-9.onnx", + "model_path": "archive/vision/classification/caffenet/model/caffenet-9.onnx", "onnx_version": "1.4", "opset_version": 9, "metadata": { @@ -2032,14 +2032,14 @@ } ] }, - "model_with_data_path": "vision/classification/caffenet/model/caffenet-9.tar.gz", + "model_with_data_path": "archive/vision/classification/caffenet/model/caffenet-9.tar.gz", "model_with_data_sha": "f5d1ac993a9865dc4f174f92420299a28c48279f2a2dec62b843c29b24ae7f93", "model_with_data_bytes": 226844131 } }, { "model": "DenseNet-121-12-int8", - "model_path": "vision/classification/densenet-121/model/densenet-12-int8.onnx", + "model_path": "archive/vision/classification/densenet-121/model/densenet-12-int8.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -2076,14 +2076,14 @@ } ] }, - "model_with_data_path": "vision/classification/densenet-121/model/densenet-12-int8.tar.gz", + "model_with_data_path": "archive/vision/classification/densenet-121/model/densenet-12-int8.tar.gz", "model_with_data_sha": "d6f8fc9bf3560fb10c176e38ab49fa1e58e5aabd24362ee96d9b8635264c1285", "model_with_data_bytes": 6329146 } }, { "model": "DenseNet-121-12", - "model_path": "vision/classification/densenet-121/model/densenet-12.onnx", + "model_path": "archive/vision/classification/densenet-121/model/densenet-12.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -2120,14 +2120,14 @@ } ] }, - "model_with_data_path": "vision/classification/densenet-121/model/densenet-12.tar.gz", + "model_with_data_path": "archive/vision/classification/densenet-121/model/densenet-12.tar.gz", "model_with_data_sha": "055c8ea3bdb3536063bc71b8bb3752f9482ed368a1d48c59a9fd769ded565682", "model_with_data_bytes": 30882195 } }, { "model": "DenseNet-121", - "model_path": "vision/classification/densenet-121/model/densenet-3.onnx", + "model_path": "archive/vision/classification/densenet-121/model/densenet-3.onnx", "onnx_version": "1.1", "opset_version": 3, "metadata": { @@ -2138,14 +2138,14 @@ "classification", "densenet-121" ], - "model_with_data_path": "vision/classification/densenet-121/model/densenet-3.tar.gz", + "model_with_data_path": "archive/vision/classification/densenet-121/model/densenet-3.tar.gz", "model_with_data_sha": "70586d81f49ad3bbe733270a1a58b5235794d51da3f9302cbc1e634accb6113d", "model_with_data_bytes": 33658961 } }, { "model": "DenseNet-121", - "model_path": "vision/classification/densenet-121/model/densenet-6.onnx", + "model_path": "archive/vision/classification/densenet-121/model/densenet-6.onnx", "onnx_version": "1.1.2", "opset_version": 6, "metadata": { @@ -2195,14 +2195,14 @@ } ] }, - "model_with_data_path": "vision/classification/densenet-121/model/densenet-6.tar.gz", + "model_with_data_path": "archive/vision/classification/densenet-121/model/densenet-6.tar.gz", "model_with_data_sha": "3b6401ac4491f8c4c884e8fc52dfebfe68c81ef7cd8ca0228e999b8c38284c60", "model_with_data_bytes": 30902760 } }, { "model": "DenseNet-121", - "model_path": "vision/classification/densenet-121/model/densenet-7.onnx", + "model_path": "archive/vision/classification/densenet-121/model/densenet-7.onnx", "onnx_version": "1.2", "opset_version": 7, "metadata": { @@ -2252,14 +2252,14 @@ } ] }, - "model_with_data_path": "vision/classification/densenet-121/model/densenet-7.tar.gz", + "model_with_data_path": "archive/vision/classification/densenet-121/model/densenet-7.tar.gz", "model_with_data_sha": "c8da317719041caea1e4ded47da287f604e898ec056e36ba1fa15620ec4a19ed", "model_with_data_bytes": 30902681 } }, { "model": "DenseNet-121", - "model_path": "vision/classification/densenet-121/model/densenet-8.onnx", + "model_path": "archive/vision/classification/densenet-121/model/densenet-8.onnx", "onnx_version": "1.3", "opset_version": 8, "metadata": { @@ -2309,14 +2309,14 @@ } ] }, - "model_with_data_path": "vision/classification/densenet-121/model/densenet-8.tar.gz", + "model_with_data_path": "archive/vision/classification/densenet-121/model/densenet-8.tar.gz", "model_with_data_sha": "645ce789ac537da24b733d758089ff1b32171775ff277515177c072c3fdbb213", "model_with_data_bytes": 30902606 } }, { "model": "DenseNet-121", - "model_path": "vision/classification/densenet-121/model/densenet-9.onnx", + "model_path": "archive/vision/classification/densenet-121/model/densenet-9.onnx", "onnx_version": "1.4", "opset_version": 9, "metadata": { @@ -2366,14 +2366,14 @@ } ] }, - "model_with_data_path": "vision/classification/densenet-121/model/densenet-9.tar.gz", + "model_with_data_path": "archive/vision/classification/densenet-121/model/densenet-9.tar.gz", "model_with_data_sha": "3794ac95cbdbd4e5588ad5db9bdcb4f19e6cee89fdcdbc343b08a474df425d59", "model_with_data_bytes": 30902653 } }, { "model": "EfficientNet-Lite4-int8", - "model_path": "vision/classification/efficientnet-lite4/model/efficientnet-lite4-11-int8.onnx", + "model_path": "archive/vision/classification/efficientnet-lite4/model/efficientnet-lite4-11-int8.onnx", "onnx_version": "1.9.0", "opset_version": 11, "metadata": { @@ -2408,14 +2408,14 @@ } ] }, - "model_with_data_path": "vision/classification/efficientnet-lite4/model/efficientnet-lite4-11-int8.tar.gz", + "model_with_data_path": "archive/vision/classification/efficientnet-lite4/model/efficientnet-lite4-11-int8.tar.gz", "model_with_data_sha": "d3f50f4562e61d870a70e68157ccf64d8f03f6927540ad343e6fbddb79647e1f", "model_with_data_bytes": 12789970 } }, { "model": "EfficientNet-Lite4-qdq", - "model_path": "vision/classification/efficientnet-lite4/model/efficientnet-lite4-11-qdq.onnx", + "model_path": "archive/vision/classification/efficientnet-lite4/model/efficientnet-lite4-11-qdq.onnx", "onnx_version": "1.10.0", "opset_version": 11, "metadata": { @@ -2450,14 +2450,14 @@ } ] }, - "model_with_data_path": "vision/classification/efficientnet-lite4/model/efficientnet-lite4-11-qdq.tar.gz", + "model_with_data_path": "archive/vision/classification/efficientnet-lite4/model/efficientnet-lite4-11-qdq.tar.gz", "model_with_data_sha": "4802f078c57e328004e326623c3de9e0e9046d9ce485eb79ed05d4d3c478b417", "model_with_data_bytes": 10194220 } }, { "model": "EfficientNet-Lite4", - "model_path": "vision/classification/efficientnet-lite4/model/efficientnet-lite4-11.onnx", + "model_path": "archive/vision/classification/efficientnet-lite4/model/efficientnet-lite4-11.onnx", "onnx_version": "1.7.0", "opset_version": 11, "metadata": { @@ -2505,14 +2505,14 @@ } ] }, - "model_with_data_path": "vision/classification/efficientnet-lite4/model/efficientnet-lite4-11.tar.gz", + "model_with_data_path": "archive/vision/classification/efficientnet-lite4/model/efficientnet-lite4-11.tar.gz", "model_with_data_sha": "1914de663a575f0ec015b7a33c335b363e910f64cc91d08e66587ea877fd9d7b", "model_with_data_bytes": 48592826 } }, { "model": "GoogleNet-int8", - "model_path": "vision/classification/inception_and_googlenet/googlenet/model/googlenet-12-int8.onnx", + "model_path": "archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-12-int8.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -2548,14 +2548,14 @@ } ] }, - "model_with_data_path": "vision/classification/inception_and_googlenet/googlenet/model/googlenet-12-int8.tar.gz", + "model_with_data_path": "archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-12-int8.tar.gz", "model_with_data_sha": "fcedb191d6fd2453ed27f1dbf192cda8b88ec83a6d2a9448fa1d24a2c23cd675", "model_with_data_bytes": 5724344 } }, { "model": "GoogleNet-qdq", - "model_path": "vision/classification/inception_and_googlenet/googlenet/model/googlenet-12-qdq.onnx", + "model_path": "archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-12-qdq.onnx", "onnx_version": "1.12", "opset_version": 12, "metadata": { @@ -2591,14 +2591,14 @@ } ] }, - "model_with_data_path": "vision/classification/inception_and_googlenet/googlenet/model/googlenet-12-qdq.tar.gz", + "model_with_data_path": "archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-12-qdq.tar.gz", "model_with_data_sha": "5587255e94438edd7c0017f5355178546b150deea05ed5e59109a4d4ae9aa4b3", "model_with_data_bytes": 5562451 } }, { "model": "GoogleNet", - "model_path": "vision/classification/inception_and_googlenet/googlenet/model/googlenet-12.onnx", + "model_path": "archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-12.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -2647,14 +2647,14 @@ } ] }, - "model_with_data_path": "vision/classification/inception_and_googlenet/googlenet/model/googlenet-12.tar.gz", + "model_with_data_path": "archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-12.tar.gz", "model_with_data_sha": "cdc6457821113082defd34905342385f63f823363feb1bf439eee4427577659c", "model_with_data_bytes": 26545491 } }, { "model": "GoogleNet", - "model_path": "vision/classification/inception_and_googlenet/googlenet/model/googlenet-3.onnx", + "model_path": "archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-3.onnx", "onnx_version": "1.1", "opset_version": 3, "metadata": { @@ -2703,14 +2703,14 @@ } ] }, - "model_with_data_path": "vision/classification/inception_and_googlenet/googlenet/model/googlenet-3.tar.gz", + "model_with_data_path": "archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-3.tar.gz", "model_with_data_sha": "26348e6f4e8073a8b6bf878b4104941443fff445ffa5785b1ae66ad955f209a8", "model_with_data_bytes": 26565157 } }, { "model": "GoogleNet", - "model_path": "vision/classification/inception_and_googlenet/googlenet/model/googlenet-6.onnx", + "model_path": "archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-6.onnx", "onnx_version": "1.1.2", "opset_version": 6, "metadata": { @@ -2759,14 +2759,14 @@ } ] }, - "model_with_data_path": "vision/classification/inception_and_googlenet/googlenet/model/googlenet-6.tar.gz", + "model_with_data_path": "archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-6.tar.gz", "model_with_data_sha": "3085e172e8cd28e049e9d47ae575f8063fff6c98a85b056f89158e8b2fd39018", "model_with_data_bytes": 26565143 } }, { "model": "GoogleNet", - "model_path": "vision/classification/inception_and_googlenet/googlenet/model/googlenet-7.onnx", + "model_path": "archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-7.onnx", "onnx_version": "1.2", "opset_version": 7, "metadata": { @@ -2815,14 +2815,14 @@ } ] }, - "model_with_data_path": "vision/classification/inception_and_googlenet/googlenet/model/googlenet-7.tar.gz", + "model_with_data_path": "archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-7.tar.gz", "model_with_data_sha": "58219a44c0a22a95aa4956d653f7688a753cb9389fbf08bbcad6c62b0294c6fd", "model_with_data_bytes": 26565243 } }, { "model": "GoogleNet", - "model_path": "vision/classification/inception_and_googlenet/googlenet/model/googlenet-8.onnx", + "model_path": "archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-8.onnx", "onnx_version": "1.3", "opset_version": 8, "metadata": { @@ -2871,14 +2871,14 @@ } ] }, - "model_with_data_path": "vision/classification/inception_and_googlenet/googlenet/model/googlenet-8.tar.gz", + "model_with_data_path": "archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-8.tar.gz", "model_with_data_sha": "5f1020194e63177e0765aa8de917b4e7057cd3c62bb46b4fe4564210cdabe3bc", "model_with_data_bytes": 26565142 } }, { "model": "GoogleNet", - "model_path": "vision/classification/inception_and_googlenet/googlenet/model/googlenet-9.onnx", + "model_path": "archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-9.onnx", "onnx_version": "1.4", "opset_version": 9, "metadata": { @@ -2927,14 +2927,14 @@ } ] }, - "model_with_data_path": "vision/classification/inception_and_googlenet/googlenet/model/googlenet-9.tar.gz", + "model_with_data_path": "archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-9.tar.gz", "model_with_data_sha": "ea5a81dd36c3067a78cfc1e6baa7a4142849e28d97d054fdc42aa1f9539d400f", "model_with_data_bytes": 26565214 } }, { "model": "Inception-1-int8", - "model_path": "vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12-int8.onnx", + "model_path": "archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12-int8.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -2970,14 +2970,14 @@ } ] }, - "model_with_data_path": "vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12-int8.tar.gz", + "model_with_data_path": "archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12-int8.tar.gz", "model_with_data_sha": "bc3d78134d9777d3e3a3320523834beb2ba7bdd1c5e017cba5a8d268691afbc6", "model_with_data_bytes": 9474526 } }, { "model": "Inception-1-qdq", - "model_path": "vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12-qdq.onnx", + "model_path": "archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12-qdq.onnx", "onnx_version": "1.12", "opset_version": 12, "metadata": { @@ -3013,14 +3013,14 @@ } ] }, - "model_with_data_path": "vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12-qdq.tar.gz", + "model_with_data_path": "archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12-qdq.tar.gz", "model_with_data_sha": "c981fd944a125d3626cb79720c7f0a57309da5a24994c0378e2657fdca87a869", "model_with_data_bytes": 5559367 } }, { "model": "Inception-1", - "model_path": "vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12.onnx", + "model_path": "archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -3069,14 +3069,14 @@ } ] }, - "model_with_data_path": "vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12.tar.gz", + "model_with_data_path": "archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12.tar.gz", "model_with_data_sha": "c4198ed3415d59dacab2f6fa90c81f1a3aa9f3623b66e2d9653f16d06a5cc68c", "model_with_data_bytes": 26545542 } }, { "model": "Inception-1", - "model_path": "vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-3.onnx", + "model_path": "archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-3.onnx", "onnx_version": "1.1", "opset_version": 3, "metadata": { @@ -3088,14 +3088,14 @@ "inception and googlenet", "inception v1" ], - "model_with_data_path": "vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-3.tar.gz", + "model_with_data_path": "archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-3.tar.gz", "model_with_data_sha": "18dd953ae8f2056ac0a1fd56302ef2a5d56b35ccee44fddc7bbdcbcfe9a5adf1", "model_with_data_bytes": 29324028 } }, { "model": "Inception-1", - "model_path": "vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-6.onnx", + "model_path": "archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-6.onnx", "onnx_version": "1.1.2", "opset_version": 6, "metadata": { @@ -3107,14 +3107,14 @@ "inception and googlenet", "inception v1" ], - "model_with_data_path": "vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-6.tar.gz", + "model_with_data_path": "archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-6.tar.gz", "model_with_data_sha": "caf55082c6605ff17e0074e7af862f774b6efb00557236676e7112f6f54cec61", "model_with_data_bytes": 29324092 } }, { "model": "Inception-1", - "model_path": "vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-7.onnx", + "model_path": "archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-7.onnx", "onnx_version": "1.2", "opset_version": 7, "metadata": { @@ -3163,14 +3163,14 @@ } ] }, - "model_with_data_path": "vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-7.tar.gz", + "model_with_data_path": "archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-7.tar.gz", "model_with_data_sha": "56c2d167a5400861d674c8a3d73df3fb3c4007b40ef350edf4da5e900138f86b", "model_with_data_bytes": 26565189 } }, { "model": "Inception-1", - "model_path": "vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-8.onnx", + "model_path": "archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-8.onnx", "onnx_version": "1.3", "opset_version": 8, "metadata": { @@ -3219,14 +3219,14 @@ } ] }, - "model_with_data_path": "vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-8.tar.gz", + "model_with_data_path": "archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-8.tar.gz", "model_with_data_sha": "e3ecd30178504237bbf45dc87ae96a46b6301157a8b8e5c8cf25c817e4512628", "model_with_data_bytes": 26565228 } }, { "model": "Inception-1", - "model_path": "vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-9.onnx", + "model_path": "archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-9.onnx", "onnx_version": "1.4", "opset_version": 9, "metadata": { @@ -3275,14 +3275,14 @@ } ] }, - "model_with_data_path": "vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-9.tar.gz", + "model_with_data_path": "archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-9.tar.gz", "model_with_data_sha": "faeb7ab80e0f60d22ae8472f6188700a20cd3fc466682f2dab5e00e8955c611c", "model_with_data_bytes": 26565173 } }, { "model": "Inception-2", - "model_path": "vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-3.onnx", + "model_path": "archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-3.onnx", "onnx_version": "1.1", "opset_version": 3, "metadata": { @@ -3294,14 +3294,14 @@ "inception and googlenet", "inception v2" ], - "model_with_data_path": "vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-3.tar.gz", + "model_with_data_path": "archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-3.tar.gz", "model_with_data_sha": "37ea826b395c559ed2cc148823ea77f793e591c5eff5a718d98733793b680dbc", "model_with_data_bytes": 45015362 } }, { "model": "Inception-2", - "model_path": "vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-6.onnx", + "model_path": "archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-6.onnx", "onnx_version": "1.1.2", "opset_version": 6, "metadata": { @@ -3313,14 +3313,14 @@ "inception and googlenet", "inception v2" ], - "model_with_data_path": "vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-6.tar.gz", + "model_with_data_path": "archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-6.tar.gz", "model_with_data_sha": "a29498bbf22d78dc428f0b6a0ecdc350475896ccb653c0b8d544c14000509b0a", "model_with_data_bytes": 45015338 } }, { "model": "Inception-2", - "model_path": "vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-7.onnx", + "model_path": "archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-7.onnx", "onnx_version": "1.2", "opset_version": 7, "metadata": { @@ -3369,14 +3369,14 @@ } ] }, - "model_with_data_path": "vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-7.tar.gz", + "model_with_data_path": "archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-7.tar.gz", "model_with_data_sha": "5ef4d35e4490468986254a5915a567849183b211b49c2552e816165a74dd4aa0", "model_with_data_bytes": 42257087 } }, { "model": "Inception-2", - "model_path": "vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-8.onnx", + "model_path": "archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-8.onnx", "onnx_version": "1.3", "opset_version": 8, "metadata": { @@ -3425,14 +3425,14 @@ } ] }, - "model_with_data_path": "vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-8.tar.gz", + "model_with_data_path": "archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-8.tar.gz", "model_with_data_sha": "c222c2f1c530aad79496f0b15898d4aa6807dc66e82ac67cec1573cfd4b59c87", "model_with_data_bytes": 42257042 } }, { "model": "Inception-2", - "model_path": "vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-9.onnx", + "model_path": "archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-9.onnx", "onnx_version": "1.4", "opset_version": 9, "metadata": { @@ -3481,14 +3481,14 @@ } ] }, - "model_with_data_path": "vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-9.tar.gz", + "model_with_data_path": "archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-9.tar.gz", "model_with_data_sha": "c0722dff7401d4ade189c62f66b3a39eaa3b15c1a28457b7e3efd44de9917491", "model_with_data_bytes": 42256996 } }, { "model": "MNIST", - "model_path": "vision/classification/mnist/model/mnist-1.onnx", + "model_path": "archive/vision/classification/mnist/model/mnist-1.onnx", "onnx_version": "1.0", "opset_version": 1, "metadata": { @@ -3499,14 +3499,14 @@ "classification", "mnist" ], - "model_with_data_path": "vision/classification/mnist/model/mnist-1.tar.gz", + "model_with_data_path": "archive/vision/classification/mnist/model/mnist-1.tar.gz", "model_with_data_sha": "a296485a657137a78b5c9b0ade09fca4041364da2c530dd0edfca1e1bb53283e", "model_with_data_bytes": 26518 } }, { "model": "MNIST-12-int8", - "model_path": "vision/classification/mnist/model/mnist-12-int8.onnx", + "model_path": "archive/vision/classification/mnist/model/mnist-12-int8.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -3541,14 +3541,14 @@ } ] }, - "model_with_data_path": "vision/classification/mnist/model/mnist-12-int8.tar.gz", + "model_with_data_path": "archive/vision/classification/mnist/model/mnist-12-int8.tar.gz", "model_with_data_sha": "e4ea757f0fbf49c5aebc0c885397c72dc7a38617fbef2db408f531f91a7bb49c", "model_with_data_bytes": 10668 } }, { "model": "MNIST-12", - "model_path": "vision/classification/mnist/model/mnist-12.onnx", + "model_path": "archive/vision/classification/mnist/model/mnist-12.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -3583,14 +3583,14 @@ } ] }, - "model_with_data_path": "vision/classification/mnist/model/mnist-12.tar.gz", + "model_with_data_path": "archive/vision/classification/mnist/model/mnist-12.tar.gz", "model_with_data_sha": "a53a59dcaca8804a0f6dfda9a3cf2e082979589391dbde73640b60684f1d24e9", "model_with_data_bytes": 26741 } }, { "model": "MNIST", - "model_path": "vision/classification/mnist/model/mnist-7.onnx", + "model_path": "archive/vision/classification/mnist/model/mnist-7.onnx", "onnx_version": "1.2", "opset_version": 7, "metadata": { @@ -3625,14 +3625,14 @@ } ] }, - "model_with_data_path": "vision/classification/mnist/model/mnist-7.tar.gz", + "model_with_data_path": "archive/vision/classification/mnist/model/mnist-7.tar.gz", "model_with_data_sha": "35601ad2a49200f62e3030d1530e5db1c1edeb2d6632b2216bcebee2287dbb7c", "model_with_data_bytes": 26757 } }, { "model": "MNIST", - "model_path": "vision/classification/mnist/model/mnist-8.onnx", + "model_path": "archive/vision/classification/mnist/model/mnist-8.onnx", "onnx_version": "1.3", "opset_version": 8, "metadata": { @@ -3667,14 +3667,14 @@ } ] }, - "model_with_data_path": "vision/classification/mnist/model/mnist-8.tar.gz", + "model_with_data_path": "archive/vision/classification/mnist/model/mnist-8.tar.gz", "model_with_data_sha": "2f47e338faddbb30488abd83e8179ce44882de465165bb3a5b2640719f64f70c", "model_with_data_bytes": 26751 } }, { "model": "MobileNet v2-1.0", - "model_path": "vision/classification/mobilenet/model/mobilenetv2-10.onnx", + "model_path": "archive/vision/classification/mobilenet/model/mobilenetv2-10.onnx", "onnx_version": "1.5.0", "opset_version": 10, "metadata": { @@ -3722,14 +3722,14 @@ } ] }, - "model_with_data_path": "vision/classification/mobilenet/model/mobilenetv2-10.tar.gz", + "model_with_data_path": "archive/vision/classification/mobilenet/model/mobilenetv2-10.tar.gz", "model_with_data_sha": "3e4e9e2de0241cc829917e9c0233229974f5d35d3cfd012a263ca36c98f36ac3", "model_with_data_bytes": 13504391 } }, { "model": "MobileNet v2-1.0-int8", - "model_path": "vision/classification/mobilenet/model/mobilenetv2-12-int8.onnx", + "model_path": "archive/vision/classification/mobilenet/model/mobilenetv2-12-int8.onnx", "onnx_version": "1.9.0", "opset_version": 12, "metadata": { @@ -3764,14 +3764,14 @@ } ] }, - "model_with_data_path": "vision/classification/mobilenet/model/mobilenetv2-12-int8.tar.gz", + "model_with_data_path": "archive/vision/classification/mobilenet/model/mobilenetv2-12-int8.tar.gz", "model_with_data_sha": "dfcf1dc15b78611489f22a19902de12e304bf0380e185bde499fcf70f7647455", "model_with_data_bytes": 3914892 } }, { "model": "MobileNet v2-1.0-qdq", - "model_path": "vision/classification/mobilenet/model/mobilenetv2-12-qdq.onnx", + "model_path": "archive/vision/classification/mobilenet/model/mobilenetv2-12-qdq.onnx", "onnx_version": "1.10.0", "opset_version": 12, "metadata": { @@ -3806,14 +3806,14 @@ } ] }, - "model_with_data_path": "vision/classification/mobilenet/model/mobilenetv2-12-qdq.tar.gz", + "model_with_data_path": "archive/vision/classification/mobilenet/model/mobilenetv2-12-qdq.tar.gz", "model_with_data_sha": "dd8cafda6fdf773a37ba09858482232eca8e01997ec6f1bebf1aca11aea0c1ce", "model_with_data_bytes": 3434401 } }, { "model": "MobileNet v2-1.0-fp32", - "model_path": "vision/classification/mobilenet/model/mobilenetv2-12.onnx", + "model_path": "archive/vision/classification/mobilenet/model/mobilenetv2-12.onnx", "onnx_version": "1.9.0", "opset_version": 12, "metadata": { @@ -3848,14 +3848,14 @@ } ] }, - "model_with_data_path": "vision/classification/mobilenet/model/mobilenetv2-12.tar.gz", + "model_with_data_path": "archive/vision/classification/mobilenet/model/mobilenetv2-12.tar.gz", "model_with_data_sha": "5f83b422708a708b592a5fd56d84710038511789df3ae510b84123930c37762d", "model_with_data_bytes": 13498787 } }, { "model": "MobileNet v2-7", - "model_path": "vision/classification/mobilenet/model/mobilenetv2-7.onnx", + "model_path": "archive/vision/classification/mobilenet/model/mobilenetv2-7.onnx", "onnx_version": "1.2.1", "opset_version": 7, "metadata": { @@ -3890,14 +3890,14 @@ } ] }, - "model_with_data_path": "vision/classification/mobilenet/model/mobilenetv2-7.tar.gz", + "model_with_data_path": "archive/vision/classification/mobilenet/model/mobilenetv2-7.tar.gz", "model_with_data_sha": "b463ad62dae99f13afd88549ca7d43e9bda6876614f3592ebb41177e1db0fcc5", "model_with_data_bytes": 13682646 } }, { "model": "R-CNN ILSVRC13", - "model_path": "vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-3.onnx", + "model_path": "archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-3.onnx", "onnx_version": "1.1", "opset_version": 3, "metadata": { @@ -3908,14 +3908,14 @@ "classification", "rcnn ilsvrc13" ], - "model_with_data_path": "vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-3.tar.gz", + "model_with_data_path": "archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-3.tar.gz", "model_with_data_sha": "eb4fab60b84e2c69dc634f91bd669867ac7ef8828499a28023472df3219ac59c", "model_with_data_bytes": 217332838 } }, { "model": "R-CNN ILSVRC13", - "model_path": "vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-6.onnx", + "model_path": "archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-6.onnx", "onnx_version": "1.1.2", "opset_version": 6, "metadata": { @@ -3926,14 +3926,14 @@ "classification", "rcnn ilsvrc13" ], - "model_with_data_path": "vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-6.tar.gz", + "model_with_data_path": "archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-6.tar.gz", "model_with_data_sha": "399c2629de63824d52b5f71db731995492f4ebb8a2892fa36236925a4bad9f44", "model_with_data_bytes": 217332967 } }, { "model": "R-CNN ILSVRC13", - "model_path": "vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-7.onnx", + "model_path": "archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-7.onnx", "onnx_version": "1.2", "opset_version": 7, "metadata": { @@ -3979,14 +3979,14 @@ } ] }, - "model_with_data_path": "vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-7.tar.gz", + "model_with_data_path": "archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-7.tar.gz", "model_with_data_sha": "a9c56a0e02b4df95a1639f6d7883e39b9f416f8929d09cdf6f45783aa1605d1f", "model_with_data_bytes": 214642762 } }, { "model": "R-CNN ILSVRC13", - "model_path": "vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-8.onnx", + "model_path": "archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-8.onnx", "onnx_version": "1.3", "opset_version": 8, "metadata": { @@ -4032,14 +4032,14 @@ } ] }, - "model_with_data_path": "vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-8.tar.gz", + "model_with_data_path": "archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-8.tar.gz", "model_with_data_sha": "ce469bf52e1a8bf2884f502e8921ce2e7cd92f9aeb7d9a16c6da639cf8d39a74", "model_with_data_bytes": 214642707 } }, { "model": "R-CNN ILSVRC13", - "model_path": "vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-9.onnx", + "model_path": "archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-9.onnx", "onnx_version": "1.4", "opset_version": 9, "metadata": { @@ -4085,14 +4085,14 @@ } ] }, - "model_with_data_path": "vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-9.tar.gz", + "model_with_data_path": "archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-9.tar.gz", "model_with_data_sha": "ef3f40805e4257213440401536e28ad3aa6404ebce5a6cf9d7fcdb44fee09f37", "model_with_data_bytes": 214642550 } }, { "model": "ResNet101", - "model_path": "vision/classification/resnet/model/resnet101-v1-7.onnx", + "model_path": "archive/vision/classification/resnet/model/resnet101-v1-7.onnx", "onnx_version": "1.2.1", "opset_version": 7, "metadata": { @@ -4140,14 +4140,14 @@ } ] }, - "model_with_data_path": "vision/classification/resnet/model/resnet101-v1-7.tar.gz", + "model_with_data_path": "archive/vision/classification/resnet/model/resnet101-v1-7.tar.gz", "model_with_data_sha": "27f51a51a9de6c1b10455cb09164f384746288c4b9e7bbb4af49ab206abd6703", "model_with_data_bytes": 166222423 } }, { "model": "ResNet101-v2", - "model_path": "vision/classification/resnet/model/resnet101-v2-7.onnx", + "model_path": "archive/vision/classification/resnet/model/resnet101-v2-7.onnx", "onnx_version": "1.2.1", "opset_version": 7, "metadata": { @@ -4195,14 +4195,14 @@ } ] }, - "model_with_data_path": "vision/classification/resnet/model/resnet101-v2-7.tar.gz", + "model_with_data_path": "archive/vision/classification/resnet/model/resnet101-v2-7.tar.gz", "model_with_data_sha": "566663c700f5cc1e8eb0043c00923d5422abaca4fae21568973ef9c446084f6e", "model_with_data_bytes": 165872227 } }, { "model": "ResNet152", - "model_path": "vision/classification/resnet/model/resnet152-v1-7.onnx", + "model_path": "archive/vision/classification/resnet/model/resnet152-v1-7.onnx", "onnx_version": "1.2.1", "opset_version": 7, "metadata": { @@ -4250,14 +4250,14 @@ } ] }, - "model_with_data_path": "vision/classification/resnet/model/resnet152-v1-7.tar.gz", + "model_with_data_path": "archive/vision/classification/resnet/model/resnet152-v1-7.tar.gz", "model_with_data_sha": "470ccde11c3ee2b490c214e48459c03e5b4118e8143f83dd795263efcf794cf3", "model_with_data_bytes": 226450954 } }, { "model": "ResNet152-v2", - "model_path": "vision/classification/resnet/model/resnet152-v2-7.onnx", + "model_path": "archive/vision/classification/resnet/model/resnet152-v2-7.onnx", "onnx_version": "1.2.1", "opset_version": 7, "metadata": { @@ -4305,14 +4305,14 @@ } ] }, - "model_with_data_path": "vision/classification/resnet/model/resnet152-v2-7.tar.gz", + "model_with_data_path": "archive/vision/classification/resnet/model/resnet152-v2-7.tar.gz", "model_with_data_sha": "78b507483050a427870a264c398d121f44b92d69c8ca0c53217eb5137b6b51e3", "model_with_data_bytes": 225131715 } }, { "model": "ResNet18", - "model_path": "vision/classification/resnet/model/resnet18-v1-7.onnx", + "model_path": "archive/vision/classification/resnet/model/resnet18-v1-7.onnx", "onnx_version": "1.2.1", "opset_version": 7, "metadata": { @@ -4360,14 +4360,14 @@ } ] }, - "model_with_data_path": "vision/classification/resnet/model/resnet18-v1-7.tar.gz", + "model_with_data_path": "archive/vision/classification/resnet/model/resnet18-v1-7.tar.gz", "model_with_data_sha": "2163225f89c858f120b5376758b752e57139601e967f6c6f614a3d77e9d66505", "model_with_data_bytes": 43835620 } }, { "model": "ResNet18-v2", - "model_path": "vision/classification/resnet/model/resnet18-v2-7.onnx", + "model_path": "archive/vision/classification/resnet/model/resnet18-v2-7.onnx", "onnx_version": "1.2.1", "opset_version": 7, "metadata": { @@ -4415,14 +4415,14 @@ } ] }, - "model_with_data_path": "vision/classification/resnet/model/resnet18-v2-7.tar.gz", + "model_with_data_path": "archive/vision/classification/resnet/model/resnet18-v2-7.tar.gz", "model_with_data_sha": "a64c111fac5d4e8bebf9246507ec7a92ea1c1596de09fca73bb7f94e9750e316", "model_with_data_bytes": 43808776 } }, { "model": "ResNet34", - "model_path": "vision/classification/resnet/model/resnet34-v1-7.onnx", + "model_path": "archive/vision/classification/resnet/model/resnet34-v1-7.onnx", "onnx_version": "1.2.1", "opset_version": 7, "metadata": { @@ -4470,14 +4470,14 @@ } ] }, - "model_with_data_path": "vision/classification/resnet/model/resnet34-v1-7.tar.gz", + "model_with_data_path": "archive/vision/classification/resnet/model/resnet34-v1-7.tar.gz", "model_with_data_sha": "c95b29c28e4d2c6b9ee7969e668b35cff335ec11761e9722f3ebe67490c19f7b", "model_with_data_bytes": 81220173 } }, { "model": "ResNet34-v2", - "model_path": "vision/classification/resnet/model/resnet34-v2-7.onnx", + "model_path": "archive/vision/classification/resnet/model/resnet34-v2-7.onnx", "onnx_version": "1.2.1", "opset_version": 7, "metadata": { @@ -4525,14 +4525,14 @@ } ] }, - "model_with_data_path": "vision/classification/resnet/model/resnet34-v2-7.tar.gz", + "model_with_data_path": "archive/vision/classification/resnet/model/resnet34-v2-7.tar.gz", "model_with_data_sha": "b04865581abb9a51af87cfc170ac26e928eeade336e16abbe984c410441453cc", "model_with_data_bytes": 81189514 } }, { "model": "ResNet50-caffe2", - "model_path": "vision/classification/resnet/model/resnet50-caffe2-v1-3.onnx", + "model_path": "archive/vision/classification/resnet/model/resnet50-caffe2-v1-3.onnx", "onnx_version": "1.1", "opset_version": 3, "metadata": { @@ -4543,14 +4543,14 @@ "classification", "resnet" ], - "model_with_data_path": "vision/classification/resnet/model/resnet50-caffe2-v1-3.tar.gz", + "model_with_data_path": "archive/vision/classification/resnet/model/resnet50-caffe2-v1-3.tar.gz", "model_with_data_sha": "b83fbf3bc6a25ece62216e2ed801061383af864c1b1ddc9c18d0a08e6daead61", "model_with_data_bytes": 96754305 } }, { "model": "ResNet50-caffe2", - "model_path": "vision/classification/resnet/model/resnet50-caffe2-v1-6.onnx", + "model_path": "archive/vision/classification/resnet/model/resnet50-caffe2-v1-6.onnx", "onnx_version": "1.1.2", "opset_version": 6, "metadata": { @@ -4561,14 +4561,14 @@ "classification", "resnet" ], - "model_with_data_path": "vision/classification/resnet/model/resnet50-caffe2-v1-6.tar.gz", + "model_with_data_path": "archive/vision/classification/resnet/model/resnet50-caffe2-v1-6.tar.gz", "model_with_data_sha": "92df484b9242282bb3a8ee6e82849db3c82dd96d231f253c9287b483c6f119e5", "model_with_data_bytes": 98379563 } }, { "model": "ResNet50-caffe2", - "model_path": "vision/classification/resnet/model/resnet50-caffe2-v1-7.onnx", + "model_path": "archive/vision/classification/resnet/model/resnet50-caffe2-v1-7.onnx", "onnx_version": "1.2", "opset_version": 7, "metadata": { @@ -4616,14 +4616,14 @@ } ] }, - "model_with_data_path": "vision/classification/resnet/model/resnet50-caffe2-v1-7.tar.gz", + "model_with_data_path": "archive/vision/classification/resnet/model/resnet50-caffe2-v1-7.tar.gz", "model_with_data_sha": "c3c19b61bffe72bf94b6c0214c1f5f5375b3cca08ee24ec83fff515b6761ac57", "model_with_data_bytes": 95636370 } }, { "model": "ResNet50-caffe2", - "model_path": "vision/classification/resnet/model/resnet50-caffe2-v1-8.onnx", + "model_path": "archive/vision/classification/resnet/model/resnet50-caffe2-v1-8.onnx", "onnx_version": "1.3", "opset_version": 8, "metadata": { @@ -4671,14 +4671,14 @@ } ] }, - "model_with_data_path": "vision/classification/resnet/model/resnet50-caffe2-v1-8.tar.gz", + "model_with_data_path": "archive/vision/classification/resnet/model/resnet50-caffe2-v1-8.tar.gz", "model_with_data_sha": "04b0525962974065137fcf3d37cb4608d73f36e3d28bea5933af56e61cad35ce", "model_with_data_bytes": 95636234 } }, { "model": "ResNet50-caffe2", - "model_path": "vision/classification/resnet/model/resnet50-caffe2-v1-9.onnx", + "model_path": "archive/vision/classification/resnet/model/resnet50-caffe2-v1-9.onnx", "onnx_version": "1.4", "opset_version": 9, "metadata": { @@ -4726,14 +4726,14 @@ } ] }, - "model_with_data_path": "vision/classification/resnet/model/resnet50-caffe2-v1-9.tar.gz", + "model_with_data_path": "archive/vision/classification/resnet/model/resnet50-caffe2-v1-9.tar.gz", "model_with_data_sha": "e0703ef13fefd8207747ec5713eb07fc87fa0ab1257e92a052bc7b761101d49c", "model_with_data_bytes": 95636091 } }, { "model": "ResNet50-int8", - "model_path": "vision/classification/resnet/model/resnet50-v1-12-int8.onnx", + "model_path": "archive/vision/classification/resnet/model/resnet50-v1-12-int8.onnx", "onnx_version": "1.7.0", "opset_version": 12, "metadata": { @@ -4768,14 +4768,14 @@ } ] }, - "model_with_data_path": "vision/classification/resnet/model/resnet50-v1-12-int8.tar.gz", + "model_with_data_path": "archive/vision/classification/resnet/model/resnet50-v1-12-int8.tar.gz", "model_with_data_sha": "662710f50cafe29f44727b9cd8be5430fb06da18d3004cf5f9d9645c0dc39d71", "model_with_data_bytes": 22355322 } }, { "model": "ResNet50-qdq", - "model_path": "vision/classification/resnet/model/resnet50-v1-12-qdq.onnx", + "model_path": "archive/vision/classification/resnet/model/resnet50-v1-12-qdq.onnx", "onnx_version": "1.10.0", "opset_version": 12, "metadata": { @@ -4810,14 +4810,14 @@ } ] }, - "model_with_data_path": "vision/classification/resnet/model/resnet50-v1-12-qdq.tar.gz", + "model_with_data_path": "archive/vision/classification/resnet/model/resnet50-v1-12-qdq.tar.gz", "model_with_data_sha": "6a93ba624ecab599d3f8511b1409f5103beb2f1708a85955397a3132ca423d99", "model_with_data_bytes": 17049336 } }, { "model": "ResNet50-fp32", - "model_path": "vision/classification/resnet/model/resnet50-v1-12.onnx", + "model_path": "archive/vision/classification/resnet/model/resnet50-v1-12.onnx", "onnx_version": "1.7.0", "opset_version": 12, "metadata": { @@ -4852,14 +4852,14 @@ } ] }, - "model_with_data_path": "vision/classification/resnet/model/resnet50-v1-12.tar.gz", + "model_with_data_path": "archive/vision/classification/resnet/model/resnet50-v1-12.tar.gz", "model_with_data_sha": "9391137cfc8fbec372d7a1e59e272d67550dab72d93cf7c7d6256782262599ea", "model_with_data_bytes": 96559469 } }, { "model": "ResNet50", - "model_path": "vision/classification/resnet/model/resnet50-v1-7.onnx", + "model_path": "archive/vision/classification/resnet/model/resnet50-v1-7.onnx", "onnx_version": "1.2.1", "opset_version": 7, "metadata": { @@ -4907,14 +4907,14 @@ } ] }, - "model_with_data_path": "vision/classification/resnet/model/resnet50-v1-7.tar.gz", + "model_with_data_path": "archive/vision/classification/resnet/model/resnet50-v1-7.tar.gz", "model_with_data_sha": "898a9183256e884ae06fb1c11869386eccd38393ab41d9339909e974519a9feb", "model_with_data_bytes": 95435189 } }, { "model": "ResNet50-v2", - "model_path": "vision/classification/resnet/model/resnet50-v2-7.onnx", + "model_path": "archive/vision/classification/resnet/model/resnet50-v2-7.onnx", "onnx_version": "1.2.1", "opset_version": 7, "metadata": { @@ -4962,14 +4962,14 @@ } ] }, - "model_with_data_path": "vision/classification/resnet/model/resnet50-v2-7.tar.gz", + "model_with_data_path": "archive/vision/classification/resnet/model/resnet50-v2-7.tar.gz", "model_with_data_sha": "d6a8b7ec924dae64e19c0850e7aa9c633095f7c4422393f5cc478c4982e97667", "model_with_data_bytes": 95237476 } }, { "model": "ResNet-preproc", - "model_path": "vision/classification/resnet/preproc/resnet-preproc-v1-18.onnx", + "model_path": "archive/vision/classification/resnet/preproc/resnet-preproc-v1-18.onnx", "onnx_version": "1.13.1", "opset_version": 18, "metadata": { @@ -5002,14 +5002,14 @@ } ] }, - "model_with_data_path": "vision/classification/resnet/preproc/resnet-preproc-v1-18.tar.gz", + "model_with_data_path": "archive/vision/classification/resnet/preproc/resnet-preproc-v1-18.tar.gz", "model_with_data_sha": "216b89c1676c8a5a2dfc0ee1736b179b0777f9ba845ee6dd955d4ff684f29a3c", "model_with_data_bytes": 883999 } }, { "model": "ShuffleNet-v1", - "model_path": "vision/classification/shufflenet/model/shufflenet-3.onnx", + "model_path": "archive/vision/classification/shufflenet/model/shufflenet-3.onnx", "onnx_version": "1.1", "opset_version": 3, "metadata": { @@ -5020,14 +5020,14 @@ "classification", "shufflenet" ], - "model_with_data_path": "vision/classification/shufflenet/model/shufflenet-3.tar.gz", + "model_with_data_path": "archive/vision/classification/shufflenet/model/shufflenet-3.tar.gz", "model_with_data_sha": "eeeef9e70d858a3fd72b9eb33435e480a9f2fac0fa0f2d2c75b148fe3e62cb7f", "model_with_data_bytes": 6980244 } }, { "model": "ShuffleNet-v1", - "model_path": "vision/classification/shufflenet/model/shufflenet-6.onnx", + "model_path": "archive/vision/classification/shufflenet/model/shufflenet-6.onnx", "onnx_version": "1.1.2", "opset_version": 6, "metadata": { @@ -5038,14 +5038,14 @@ "classification", "shufflenet" ], - "model_with_data_path": "vision/classification/shufflenet/model/shufflenet-6.tar.gz", + "model_with_data_path": "archive/vision/classification/shufflenet/model/shufflenet-6.tar.gz", "model_with_data_sha": "9f1c78a572dcf40f1056bdb9688433290c010c91e98ba4526be1ffdbfd854660", "model_with_data_bytes": 8604055 } }, { "model": "ShuffleNet-v1", - "model_path": "vision/classification/shufflenet/model/shufflenet-7.onnx", + "model_path": "archive/vision/classification/shufflenet/model/shufflenet-7.onnx", "onnx_version": "1.2", "opset_version": 7, "metadata": { @@ -5093,14 +5093,14 @@ } ] }, - "model_with_data_path": "vision/classification/shufflenet/model/shufflenet-7.tar.gz", + "model_with_data_path": "archive/vision/classification/shufflenet/model/shufflenet-7.tar.gz", "model_with_data_sha": "323202f6de6ed3b853452967fdd4df27f034b9224c94a123d667aa14e3e96fee", "model_with_data_bytes": 5858831 } }, { "model": "ShuffleNet-v1", - "model_path": "vision/classification/shufflenet/model/shufflenet-8.onnx", + "model_path": "archive/vision/classification/shufflenet/model/shufflenet-8.onnx", "onnx_version": "1.3", "opset_version": 8, "metadata": { @@ -5148,14 +5148,14 @@ } ] }, - "model_with_data_path": "vision/classification/shufflenet/model/shufflenet-8.tar.gz", + "model_with_data_path": "archive/vision/classification/shufflenet/model/shufflenet-8.tar.gz", "model_with_data_sha": "090749323dc94018eccf6d1ae2d1ab575b6e0b24ff1f77d248e780eecf5fd61b", "model_with_data_bytes": 5858851 } }, { "model": "ShuffleNet-v1", - "model_path": "vision/classification/shufflenet/model/shufflenet-9.onnx", + "model_path": "archive/vision/classification/shufflenet/model/shufflenet-9.onnx", "onnx_version": "1.4", "opset_version": 9, "metadata": { @@ -5203,14 +5203,14 @@ } ] }, - "model_with_data_path": "vision/classification/shufflenet/model/shufflenet-9.tar.gz", + "model_with_data_path": "archive/vision/classification/shufflenet/model/shufflenet-9.tar.gz", "model_with_data_sha": "75ff4f8c8cacbb09623a6b49906c9932d7f717a9df21637f0a1c63337107343f", "model_with_data_bytes": 5858835 } }, { "model": "ShuffleNet-v2", - "model_path": "vision/classification/shufflenet/model/shufflenet-v2-10.onnx", + "model_path": "archive/vision/classification/shufflenet/model/shufflenet-v2-10.onnx", "onnx_version": "1.6", "opset_version": 10, "metadata": { @@ -5256,14 +5256,14 @@ } ] }, - "model_with_data_path": "vision/classification/shufflenet/model/shufflenet-v2-10.tar.gz", + "model_with_data_path": "archive/vision/classification/shufflenet/model/shufflenet-v2-10.tar.gz", "model_with_data_sha": "3dfa8224c1233b22006b43c689eebc4af46917cc1de0bd123f43510d8ab06bf2", "model_with_data_bytes": 8721925 } }, { "model": "ShuffleNet-v2-int8", - "model_path": "vision/classification/shufflenet/model/shufflenet-v2-12-int8.onnx", + "model_path": "archive/vision/classification/shufflenet/model/shufflenet-v2-12-int8.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -5309,14 +5309,14 @@ } ] }, - "model_with_data_path": "vision/classification/shufflenet/model/shufflenet-v2-12-int8.tar.gz", + "model_with_data_path": "archive/vision/classification/shufflenet/model/shufflenet-v2-12-int8.tar.gz", "model_with_data_sha": "f538889aa028f6fcc4db1dce9b0bf2e7e347a81d5fc28087d96758dc0131e8c7", "model_with_data_bytes": 2488137 } }, { "model": "ShuffleNet-v2-qdq", - "model_path": "vision/classification/shufflenet/model/shufflenet-v2-12-qdq.onnx", + "model_path": "archive/vision/classification/shufflenet/model/shufflenet-v2-12-qdq.onnx", "onnx_version": "1.12", "opset_version": 12, "metadata": { @@ -5351,14 +5351,14 @@ } ] }, - "model_with_data_path": "vision/classification/shufflenet/model/shufflenet-v2-12-qdq.tar.gz", + "model_with_data_path": "archive/vision/classification/shufflenet/model/shufflenet-v2-12-qdq.tar.gz", "model_with_data_sha": "071594e233cedf5688501c9b67cad30c4babb1b46771fb87afe7fd1beb1cc008", "model_with_data_bytes": 2245304 } }, { "model": "ShuffleNet-v2-fp32", - "model_path": "vision/classification/shufflenet/model/shufflenet-v2-12.onnx", + "model_path": "archive/vision/classification/shufflenet/model/shufflenet-v2-12.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -5404,14 +5404,14 @@ } ] }, - "model_with_data_path": "vision/classification/shufflenet/model/shufflenet-v2-12.tar.gz", + "model_with_data_path": "archive/vision/classification/shufflenet/model/shufflenet-v2-12.tar.gz", "model_with_data_sha": "ec61f826d53c4630b2b4ead3514f2320a543abf0e862f6b12f91456b8188a4c5", "model_with_data_bytes": 9113274 } }, { "model": "SqueezeNet 1.0-int8", - "model_path": "vision/classification/squeezenet/model/squeezenet1.0-12-int8.onnx", + "model_path": "archive/vision/classification/squeezenet/model/squeezenet1.0-12-int8.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -5448,14 +5448,14 @@ } ] }, - "model_with_data_path": "vision/classification/squeezenet/model/squeezenet1.0-12-int8.tar.gz", + "model_with_data_path": "archive/vision/classification/squeezenet/model/squeezenet1.0-12-int8.tar.gz", "model_with_data_sha": "28de6cb53cdaf15b81d293dc480b5f4f9fd766ab05bc97dbc1a5befb6981f1b2", "model_with_data_bytes": 1562359 } }, { "model": "SqueezeNet 1.0", - "model_path": "vision/classification/squeezenet/model/squeezenet1.0-12.onnx", + "model_path": "archive/vision/classification/squeezenet/model/squeezenet1.0-12.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -5505,14 +5505,14 @@ } ] }, - "model_with_data_path": "vision/classification/squeezenet/model/squeezenet1.0-12.tar.gz", + "model_with_data_path": "archive/vision/classification/squeezenet/model/squeezenet1.0-12.tar.gz", "model_with_data_sha": "8a2dcc5a8f2b8c314b96b6484703a72882c796faa4eaf0de1b913fc0765cb917", "model_with_data_bytes": 5151210 } }, { "model": "SqueezeNet 1.0-qdq", - "model_path": "vision/classification/squeezenet/model/squeezenet1.0-13-qdq.onnx", + "model_path": "archive/vision/classification/squeezenet/model/squeezenet1.0-13-qdq.onnx", "onnx_version": "1.9", "opset_version": 13, "metadata": { @@ -5549,14 +5549,14 @@ } ] }, - "model_with_data_path": "vision/classification/squeezenet/model/squeezenet1.0-13-qdq.tar.gz", + "model_with_data_path": "archive/vision/classification/squeezenet/model/squeezenet1.0-13-qdq.tar.gz", "model_with_data_sha": "d3a84101535d52ecf31503ff1645f170c7b156b6bc53f1492caec485b7c023a7", "model_with_data_bytes": 1565787 } }, { "model": "SqueezeNet 1.0", - "model_path": "vision/classification/squeezenet/model/squeezenet1.0-3.onnx", + "model_path": "archive/vision/classification/squeezenet/model/squeezenet1.0-3.onnx", "onnx_version": "1.1", "opset_version": 3, "metadata": { @@ -5567,14 +5567,14 @@ "classification", "squeezenet" ], - "model_with_data_path": "vision/classification/squeezenet/model/squeezenet1.0-3.tar.gz", + "model_with_data_path": "archive/vision/classification/squeezenet/model/squeezenet1.0-3.tar.gz", "model_with_data_sha": "80dc32f8172209d139160258da093dc08af95e61ec4457f98b9061499020331c", "model_with_data_bytes": 6226586 } }, { "model": "SqueezeNet 1.0", - "model_path": "vision/classification/squeezenet/model/squeezenet1.0-6.onnx", + "model_path": "archive/vision/classification/squeezenet/model/squeezenet1.0-6.onnx", "onnx_version": "1.1.2", "opset_version": 6, "metadata": { @@ -5624,14 +5624,14 @@ } ] }, - "model_with_data_path": "vision/classification/squeezenet/model/squeezenet1.0-6.tar.gz", + "model_with_data_path": "archive/vision/classification/squeezenet/model/squeezenet1.0-6.tar.gz", "model_with_data_sha": "9da41b593f063b70d41d1a8245983ce85ba4fe6f2402225e9e04e19fd943173a", "model_with_data_bytes": 6226584 } }, { "model": "SqueezeNet 1.0", - "model_path": "vision/classification/squeezenet/model/squeezenet1.0-7.onnx", + "model_path": "archive/vision/classification/squeezenet/model/squeezenet1.0-7.onnx", "onnx_version": "1.2", "opset_version": 7, "metadata": { @@ -5681,14 +5681,14 @@ } ] }, - "model_with_data_path": "vision/classification/squeezenet/model/squeezenet1.0-7.tar.gz", + "model_with_data_path": "archive/vision/classification/squeezenet/model/squeezenet1.0-7.tar.gz", "model_with_data_sha": "62b373de7241b04041c688a275612a4d55507012ed8d5a077dd6c68f108909ca", "model_with_data_bytes": 5154452 } }, { "model": "SqueezeNet 1.0", - "model_path": "vision/classification/squeezenet/model/squeezenet1.0-8.onnx", + "model_path": "archive/vision/classification/squeezenet/model/squeezenet1.0-8.onnx", "onnx_version": "1.3", "opset_version": 8, "metadata": { @@ -5738,14 +5738,14 @@ } ] }, - "model_with_data_path": "vision/classification/squeezenet/model/squeezenet1.0-8.tar.gz", + "model_with_data_path": "archive/vision/classification/squeezenet/model/squeezenet1.0-8.tar.gz", "model_with_data_sha": "f08042579f6f9aaa32aefca1a111710035335fabe804036c88c54dda6606294a", "model_with_data_bytes": 5154407 } }, { "model": "SqueezeNet 1.0", - "model_path": "vision/classification/squeezenet/model/squeezenet1.0-9.onnx", + "model_path": "archive/vision/classification/squeezenet/model/squeezenet1.0-9.onnx", "onnx_version": "1.4", "opset_version": 9, "metadata": { @@ -5795,14 +5795,14 @@ } ] }, - "model_with_data_path": "vision/classification/squeezenet/model/squeezenet1.0-9.tar.gz", + "model_with_data_path": "archive/vision/classification/squeezenet/model/squeezenet1.0-9.tar.gz", "model_with_data_sha": "210b9509fa78688b7ade604a210e03bdb76f3d0eac28eb4a79c6e9d5500342df", "model_with_data_bytes": 5154458 } }, { "model": "SqueezeNet 1.1", - "model_path": "vision/classification/squeezenet/model/squeezenet1.1-7.onnx", + "model_path": "archive/vision/classification/squeezenet/model/squeezenet1.1-7.onnx", "onnx_version": "1.2.1", "opset_version": 7, "metadata": { @@ -5850,14 +5850,14 @@ } ] }, - "model_with_data_path": "vision/classification/squeezenet/model/squeezenet1.1-7.tar.gz", + "model_with_data_path": "archive/vision/classification/squeezenet/model/squeezenet1.1-7.tar.gz", "model_with_data_sha": "95dc7fbafbc7372aabe75555db9e89f05e0715ab7472cf7f8fb751ff54543c3e", "model_with_data_bytes": 5156484 } }, { "model": "VGG 16-int8", - "model_path": "vision/classification/vgg/model/vgg16-12-int8.onnx", + "model_path": "archive/vision/classification/vgg/model/vgg16-12-int8.onnx", "onnx_version": "1.9.0", "opset_version": 12, "metadata": { @@ -5903,14 +5903,14 @@ } ] }, - "model_with_data_path": "vision/classification/vgg/model/vgg16-12-int8.tar.gz", + "model_with_data_path": "archive/vision/classification/vgg/model/vgg16-12-int8.tar.gz", "model_with_data_sha": "75c08988b598e24173a21a7dc0b396ca9dc49afb63be35e5c993ac56b297e4cf", "model_with_data_bytes": 106112057 } }, { "model": "VGG 16-qdq", - "model_path": "vision/classification/vgg/model/vgg16-12-qdq.onnx", + "model_path": "archive/vision/classification/vgg/model/vgg16-12-qdq.onnx", "onnx_version": "1.9.0", "opset_version": 12, "metadata": { @@ -5945,14 +5945,14 @@ } ] }, - "model_with_data_path": "vision/classification/vgg/model/vgg16-12-qdq.tar.gz", + "model_with_data_path": "archive/vision/classification/vgg/model/vgg16-12-qdq.tar.gz", "model_with_data_sha": "ba8f1a789554deab15d28a3c4e6a1508595c326d36e5d744e8d5acf2729f7621", "model_with_data_bytes": 103626016 } }, { "model": "VGG 16-fp32", - "model_path": "vision/classification/vgg/model/vgg16-12.onnx", + "model_path": "archive/vision/classification/vgg/model/vgg16-12.onnx", "onnx_version": "1.9.0", "opset_version": 12, "metadata": { @@ -5987,14 +5987,14 @@ } ] }, - "model_with_data_path": "vision/classification/vgg/model/vgg16-12.tar.gz", + "model_with_data_path": "archive/vision/classification/vgg/model/vgg16-12.tar.gz", "model_with_data_sha": "bab278d40411f29dfc2e9515c534d2871eb0393480b736855bfe7f73c312cbc6", "model_with_data_bytes": 511942031 } }, { "model": "VGG 16", - "model_path": "vision/classification/vgg/model/vgg16-7.onnx", + "model_path": "archive/vision/classification/vgg/model/vgg16-7.onnx", "onnx_version": "1.2.1", "opset_version": 7, "metadata": { @@ -6040,14 +6040,14 @@ } ] }, - "model_with_data_path": "vision/classification/vgg/model/vgg16-7.tar.gz", + "model_with_data_path": "archive/vision/classification/vgg/model/vgg16-7.tar.gz", "model_with_data_sha": "586413f9108e2316ebf80c3aa484d55f995d693b153e4c90742750519a9e27be", "model_with_data_bytes": 512679010 } }, { "model": "VGG 16-bn", - "model_path": "vision/classification/vgg/model/vgg16-bn-7.onnx", + "model_path": "archive/vision/classification/vgg/model/vgg16-bn-7.onnx", "onnx_version": "1.2.1", "opset_version": 7, "metadata": { @@ -6093,14 +6093,14 @@ } ] }, - "model_with_data_path": "vision/classification/vgg/model/vgg16-bn-7.tar.gz", + "model_with_data_path": "archive/vision/classification/vgg/model/vgg16-bn-7.tar.gz", "model_with_data_sha": "143e59ca3000cc3b461cfe09d4c62a93bb5e9f7a0c4e5db0010e1a525fdd50bd", "model_with_data_bytes": 512894836 } }, { "model": "VGG 19", - "model_path": "vision/classification/vgg/model/vgg19-7.onnx", + "model_path": "archive/vision/classification/vgg/model/vgg19-7.onnx", "onnx_version": "1.2.1", "opset_version": 7, "metadata": { @@ -6146,14 +6146,14 @@ } ] }, - "model_with_data_path": "vision/classification/vgg/model/vgg19-7.tar.gz", + "model_with_data_path": "archive/vision/classification/vgg/model/vgg19-7.tar.gz", "model_with_data_sha": "797517bc882ea820d09f803e711c203e223b0c214b3c85412cb6c059b63325b7", "model_with_data_bytes": 532124692 } }, { "model": "VGG 19-bn", - "model_path": "vision/classification/vgg/model/vgg19-bn-7.onnx", + "model_path": "archive/vision/classification/vgg/model/vgg19-bn-7.onnx", "onnx_version": "1.2.1", "opset_version": 7, "metadata": { @@ -6199,14 +6199,14 @@ } ] }, - "model_with_data_path": "vision/classification/vgg/model/vgg19-bn-7.tar.gz", + "model_with_data_path": "archive/vision/classification/vgg/model/vgg19-bn-7.tar.gz", "model_with_data_sha": "976427d5cbb8909784fbe3ba997fcf62a67b92c42ffd54f961c0e0748e004b1c", "model_with_data_bytes": 532271265 } }, { "model": "VGG 19-caffe2", - "model_path": "vision/classification/vgg/model/vgg19-caffe2-3.onnx", + "model_path": "archive/vision/classification/vgg/model/vgg19-caffe2-3.onnx", "onnx_version": "1.1", "opset_version": 3, "metadata": { @@ -6217,14 +6217,14 @@ "classification", "vgg" ], - "model_with_data_path": "vision/classification/vgg/model/vgg19-caffe2-3.tar.gz", + "model_with_data_path": "archive/vision/classification/vgg/model/vgg19-caffe2-3.tar.gz", "model_with_data_sha": "8646cc6d0252d3453328da9a15a32e82201bbf6854a865125344e2430c90a4e1", "model_with_data_bytes": 536839176 } }, { "model": "VGG 19-caffe2", - "model_path": "vision/classification/vgg/model/vgg19-caffe2-6.onnx", + "model_path": "archive/vision/classification/vgg/model/vgg19-caffe2-6.onnx", "onnx_version": "1.1.2", "opset_version": 6, "metadata": { @@ -6235,14 +6235,14 @@ "classification", "vgg" ], - "model_with_data_path": "vision/classification/vgg/model/vgg19-caffe2-6.tar.gz", + "model_with_data_path": "archive/vision/classification/vgg/model/vgg19-caffe2-6.tar.gz", "model_with_data_sha": "289f11496aaa99ca1fe68ea0912b96bfaae4dcc55263187dfdc844e6f5022522", "model_with_data_bytes": 536839354 } }, { "model": "VGG 19-caffe2", - "model_path": "vision/classification/vgg/model/vgg19-caffe2-7.onnx", + "model_path": "archive/vision/classification/vgg/model/vgg19-caffe2-7.onnx", "onnx_version": "1.2", "opset_version": 7, "metadata": { @@ -6288,14 +6288,14 @@ } ] }, - "model_with_data_path": "vision/classification/vgg/model/vgg19-caffe2-7.tar.gz", + "model_with_data_path": "archive/vision/classification/vgg/model/vgg19-caffe2-7.tar.gz", "model_with_data_sha": "4af84e5006a0196facad8add53094424a22809ef97e434215a923b20fc1a528b", "model_with_data_bytes": 534082025 } }, { "model": "VGG 19-caffe2", - "model_path": "vision/classification/vgg/model/vgg19-caffe2-8.onnx", + "model_path": "archive/vision/classification/vgg/model/vgg19-caffe2-8.onnx", "onnx_version": "1.3", "opset_version": 8, "metadata": { @@ -6341,14 +6341,14 @@ } ] }, - "model_with_data_path": "vision/classification/vgg/model/vgg19-caffe2-8.tar.gz", + "model_with_data_path": "archive/vision/classification/vgg/model/vgg19-caffe2-8.tar.gz", "model_with_data_sha": "1f6254d85d8a102e36a1c2c4ebd7b1f5831d95fd8255a81a0411f24b3c38381e", "model_with_data_bytes": 534082067 } }, { "model": "VGG 19-caffe2", - "model_path": "vision/classification/vgg/model/vgg19-caffe2-9.onnx", + "model_path": "archive/vision/classification/vgg/model/vgg19-caffe2-9.onnx", "onnx_version": "1.4", "opset_version": 9, "metadata": { @@ -6394,14 +6394,14 @@ } ] }, - "model_with_data_path": "vision/classification/vgg/model/vgg19-caffe2-9.tar.gz", + "model_with_data_path": "archive/vision/classification/vgg/model/vgg19-caffe2-9.tar.gz", "model_with_data_sha": "bf7f96d04f4b635a8a37efd4540ea35958d52201971e91cb74bb55c89e6f4d5c", "model_with_data_bytes": 534081932 } }, { "model": "ZFNet-512-int8", - "model_path": "vision/classification/zfnet-512/model/zfnet512-12-int8.onnx", + "model_path": "archive/vision/classification/zfnet-512/model/zfnet512-12-int8.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -6436,14 +6436,14 @@ } ] }, - "model_with_data_path": "vision/classification/zfnet-512/model/zfnet512-12-int8.tar.gz", + "model_with_data_path": "archive/vision/classification/zfnet-512/model/zfnet512-12-int8.tar.gz", "model_with_data_sha": "786528fcfddff5da00cb87ac18fda53e84a1f3eaeaa80d3f57a1c8522b6fd3da", "model_with_data_bytes": 50270897 } }, { "model": "ZFNet-512-qdq", - "model_path": "vision/classification/zfnet-512/model/zfnet512-12-qdq.onnx", + "model_path": "archive/vision/classification/zfnet-512/model/zfnet512-12-qdq.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -6478,14 +6478,14 @@ } ] }, - "model_with_data_path": "vision/classification/zfnet-512/model/zfnet512-12-qdq.tar.gz", + "model_with_data_path": "archive/vision/classification/zfnet-512/model/zfnet512-12-qdq.tar.gz", "model_with_data_sha": "b65d9e14088acabfd11efccc7601cad1697b5ab48fe6074c41f15c9f7b5fed8c", "model_with_data_bytes": 58038148 } }, { "model": "ZFNet-512", - "model_path": "vision/classification/zfnet-512/model/zfnet512-12.onnx", + "model_path": "archive/vision/classification/zfnet-512/model/zfnet512-12.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -6531,14 +6531,14 @@ } ] }, - "model_with_data_path": "vision/classification/zfnet-512/model/zfnet512-12.tar.gz", + "model_with_data_path": "archive/vision/classification/zfnet-512/model/zfnet512-12.tar.gz", "model_with_data_sha": "8b06a4b6bf8d58f1810828cde5861cc5e8bfd72738be55da41460f965521dfe2", "model_with_data_bytes": 323924791 } }, { "model": "ZFNet-512", - "model_path": "vision/classification/zfnet-512/model/zfnet512-3.onnx", + "model_path": "archive/vision/classification/zfnet-512/model/zfnet512-3.onnx", "onnx_version": "1.1", "opset_version": 3, "metadata": { @@ -6549,14 +6549,14 @@ "classification", "zfnet-512" ], - "model_with_data_path": "vision/classification/zfnet-512/model/zfnet512-3.tar.gz", + "model_with_data_path": "archive/vision/classification/zfnet-512/model/zfnet512-3.tar.gz", "model_with_data_sha": "de9a1f2db305eb6362d6262758203cd6ba6d29431fef5fb569acde1d3dff1732", "model_with_data_bytes": 325256523 } }, { "model": "ZFNet-512", - "model_path": "vision/classification/zfnet-512/model/zfnet512-6.onnx", + "model_path": "archive/vision/classification/zfnet-512/model/zfnet512-6.onnx", "onnx_version": "1.1.2", "opset_version": 6, "metadata": { @@ -6567,14 +6567,14 @@ "classification", "zfnet-512" ], - "model_with_data_path": "vision/classification/zfnet-512/model/zfnet512-6.tar.gz", + "model_with_data_path": "archive/vision/classification/zfnet-512/model/zfnet512-6.tar.gz", "model_with_data_sha": "01b7de071b9a17b3654039a648c1571db272ed83af2d58776c0951271e3481da", "model_with_data_bytes": 326891392 } }, { "model": "ZFNet-512", - "model_path": "vision/classification/zfnet-512/model/zfnet512-7.onnx", + "model_path": "archive/vision/classification/zfnet-512/model/zfnet512-7.onnx", "onnx_version": "1.2", "opset_version": 7, "metadata": { @@ -6620,14 +6620,14 @@ } ] }, - "model_with_data_path": "vision/classification/zfnet-512/model/zfnet512-7.tar.gz", + "model_with_data_path": "archive/vision/classification/zfnet-512/model/zfnet512-7.tar.gz", "model_with_data_sha": "531c9010f14056a332b7148914473dc8bf4f0c42b3d68c9bd23f224d0967ce17", "model_with_data_bytes": 324181951 } }, { "model": "ZFNet-512", - "model_path": "vision/classification/zfnet-512/model/zfnet512-8.onnx", + "model_path": "archive/vision/classification/zfnet-512/model/zfnet512-8.onnx", "onnx_version": "1.3", "opset_version": 8, "metadata": { @@ -6673,14 +6673,14 @@ } ] }, - "model_with_data_path": "vision/classification/zfnet-512/model/zfnet512-8.tar.gz", + "model_with_data_path": "archive/vision/classification/zfnet-512/model/zfnet512-8.tar.gz", "model_with_data_sha": "797a462613065ee77f84d549d80d1bfde88314f741a10e8c83d4f406b1bc517b", "model_with_data_bytes": 324182001 } }, { "model": "ZFNet-512", - "model_path": "vision/classification/zfnet-512/model/zfnet512-9.onnx", + "model_path": "archive/vision/classification/zfnet-512/model/zfnet512-9.onnx", "onnx_version": "1.4", "opset_version": 9, "metadata": { @@ -6726,14 +6726,14 @@ } ] }, - "model_with_data_path": "vision/classification/zfnet-512/model/zfnet512-9.tar.gz", + "model_with_data_path": "archive/vision/classification/zfnet-512/model/zfnet512-9.tar.gz", "model_with_data_sha": "4e90c1f5f82fc6e4a1056b42cf967f9a54363bfd3d7f2b404ea260cefbc57518", "model_with_data_bytes": 324181833 } }, { "model": "ResNet101_DUC_HDC-12-int8", - "model_path": "vision/object_detection_segmentation/duc/model/ResNet101-DUC-12-int8.onnx", + "model_path": "archive/vision/object_detection_segmentation/duc/model/ResNet101-DUC-12-int8.onnx", "onnx_version": "1.9.0", "opset_version": 12, "metadata": { @@ -6769,14 +6769,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/duc/model/ResNet101-DUC-12-int8.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/duc/model/ResNet101-DUC-12-int8.tar.gz", "model_with_data_sha": "0955ab4564ccb54128639eacc0f57aa3d75be5da0f88c9e7de67ca0c1d286947", "model_with_data_bytes": 71077085 } }, { "model": "ResNet101_DUC_HDC-12", - "model_path": "vision/object_detection_segmentation/duc/model/ResNet101-DUC-12.onnx", + "model_path": "archive/vision/object_detection_segmentation/duc/model/ResNet101-DUC-12.onnx", "onnx_version": "1.9.0", "opset_version": 12, "metadata": { @@ -6812,14 +6812,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/duc/model/ResNet101-DUC-12.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/duc/model/ResNet101-DUC-12.tar.gz", "model_with_data_sha": "33753b1118846c5e5eda4564c346f615fe1c42db82da8e4ae77c9509380dc46a", "model_with_data_bytes": 259342514 } }, { "model": "ResNet101_DUC_HDC", - "model_path": "vision/object_detection_segmentation/duc/model/ResNet101-DUC-7.onnx", + "model_path": "archive/vision/object_detection_segmentation/duc/model/ResNet101-DUC-7.onnx", "onnx_version": "1.2.2", "opset_version": 7, "metadata": { @@ -6855,14 +6855,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/duc/model/ResNet101-DUC-7.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/duc/model/ResNet101-DUC-7.tar.gz", "model_with_data_sha": "bd14b6dc0dc49412edbb9828494876cf9afc94ea52496ba6a11794619872b61c", "model_with_data_bytes": 259587240 } }, { "model": "Faster R-CNN R-50-FPN", - "model_path": "vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-10.onnx", + "model_path": "archive/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-10.onnx", "onnx_version": "1.5", "opset_version": 10, "metadata": { @@ -6910,14 +6910,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-10.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-10.tar.gz", "model_with_data_sha": "99e70d1e9b2902f6d402a235e994ed8242d0b04b59f799eb09ff88bff55acb1d", "model_with_data_bytes": 155190684 } }, { "model": "Faster R-CNN R-50-FPN-int8", - "model_path": "vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12-int8.onnx", + "model_path": "archive/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12-int8.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -6965,14 +6965,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12-int8.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12-int8.tar.gz", "model_with_data_sha": "9edf754e3e4e6e78aed9a9d5690299edeba27b17d4dd43635a4fbd4c0e747be0", "model_with_data_bytes": 38497565 } }, { "model": "Faster R-CNN R-50-FPN-qdq", - "model_path": "vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12-qdq.onnx", + "model_path": "archive/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12-qdq.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -7020,14 +7020,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12-qdq.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12-qdq.tar.gz", "model_with_data_sha": "90673a5a499343863af4c3f4efbed7e35c7a6c587dc37f2d5d2bf0bc77b6865a", "model_with_data_bytes": 29844855 } }, { "model": "Faster R-CNN R-50-FPN-fp32", - "model_path": "vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12.onnx", + "model_path": "archive/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -7075,14 +7075,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12.tar.gz", "model_with_data_sha": "67208685047b27a201c1b50a3a7a0ea25161e9988bc4211adb74c85637c33860", "model_with_data_bytes": 163814449 } }, { "model": "FCN ResNet-101", - "model_path": "vision/object_detection_segmentation/fcn/model/fcn-resnet101-11.onnx", + "model_path": "archive/vision/object_detection_segmentation/fcn/model/fcn-resnet101-11.onnx", "onnx_version": "1.8.0", "opset_version": 11, "metadata": { @@ -7129,14 +7129,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/fcn/model/fcn-resnet101-11.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/fcn/model/fcn-resnet101-11.tar.gz", "model_with_data_sha": "672ca7f736bff936f6b5fa1c8e07546f5775edc55bf33d62ae21ab372e8f6065", "model_with_data_bytes": 294729465 } }, { "model": "FCN ResNet-50", - "model_path": "vision/object_detection_segmentation/fcn/model/fcn-resnet50-11.onnx", + "model_path": "archive/vision/object_detection_segmentation/fcn/model/fcn-resnet50-11.onnx", "onnx_version": "1.8.0", "opset_version": 11, "metadata": { @@ -7183,14 +7183,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/fcn/model/fcn-resnet50-11.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/fcn/model/fcn-resnet50-11.tar.gz", "model_with_data_sha": "05b951717bd910d9194f207373f36eb99d0dedb76c0f2526c83c6a70fb3edf0e", "model_with_data_bytes": 223950703 } }, { "model": "FCN ResNet-50-int8", - "model_path": "vision/object_detection_segmentation/fcn/model/fcn-resnet50-12-int8.onnx", + "model_path": "archive/vision/object_detection_segmentation/fcn/model/fcn-resnet50-12-int8.onnx", "onnx_version": "1.8.0", "opset_version": 12, "metadata": { @@ -7237,14 +7237,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/fcn/model/fcn-resnet50-12-int8.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/fcn/model/fcn-resnet50-12-int8.tar.gz", "model_with_data_sha": "8e81dd5cd5625e8c544f92429e36028596b88d0574ccf72c8ebc48174508cb29", "model_with_data_bytes": 30117697 } }, { "model": "FCN ResNet-50-qdq", - "model_path": "vision/object_detection_segmentation/fcn/model/fcn-resnet50-12-qdq.onnx", + "model_path": "archive/vision/object_detection_segmentation/fcn/model/fcn-resnet50-12-qdq.onnx", "onnx_version": "1.8.0", "opset_version": 12, "metadata": { @@ -7291,14 +7291,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/fcn/model/fcn-resnet50-12-qdq.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/fcn/model/fcn-resnet50-12-qdq.tar.gz", "model_with_data_sha": "0feb90c5e17f1fac9c21e17bd536e43aeb56c04adcf87d5eb66acc1ef57fbafe", "model_with_data_bytes": 21876642 } }, { "model": "FCN ResNet-50", - "model_path": "vision/object_detection_segmentation/fcn/model/fcn-resnet50-12.onnx", + "model_path": "archive/vision/object_detection_segmentation/fcn/model/fcn-resnet50-12.onnx", "onnx_version": "1.8.0", "opset_version": 12, "metadata": { @@ -7345,14 +7345,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/fcn/model/fcn-resnet50-12.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/fcn/model/fcn-resnet50-12.tar.gz", "model_with_data_sha": "470813ecd5791f20f7b21c54765d8eae51b22bcf2ece668656384476f97d6075", "model_with_data_bytes": 131124463 } }, { "model": "Mask R-CNN R-50-FPN", - "model_path": "vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-10.onnx", + "model_path": "archive/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-10.onnx", "onnx_version": "1.5", "opset_version": 10, "metadata": { @@ -7410,14 +7410,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-10.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-10.tar.gz", "model_with_data_sha": "a4cea423312fac6fa9dd0300ace676df4955edc413de66eaaf00d08f30d65738", "model_with_data_bytes": 165013602 } }, { "model": "Mask R-CNN R-50-FPN-int8", - "model_path": "vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12-int8.onnx", + "model_path": "archive/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12-int8.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -7475,14 +7475,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12-int8.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12-int8.tar.gz", "model_with_data_sha": "0b16a7859d04601a3633a22c07797c9975b877ff384af23d7d9698467d57d333", "model_with_data_bytes": 39438079 } }, { "model": "Mask R-CNN R-50-FPN-qdq", - "model_path": "vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12-qdq.onnx", + "model_path": "archive/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12-qdq.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -7540,14 +7540,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12-qdq.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12-qdq.tar.gz", "model_with_data_sha": "a2b03fc6dcec9bd469ac57dab47ecca97e5b9a28d332435b6820a96925ab78b1", "model_with_data_bytes": 30880086 } }, { "model": "Mask R-CNN R-50-FPN-fp32", - "model_path": "vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12.onnx", + "model_path": "archive/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -7605,14 +7605,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12.tar.gz", "model_with_data_sha": "6e41b51713a19119bcf0ef72120ca5362dbdd151112ea91e6a07ae6d3c82265c", "model_with_data_bytes": 164901207 } }, { "model": "RetinaNet (ResNet101 backbone)", - "model_path": "vision/object_detection_segmentation/retinanet/model/retinanet-9.onnx", + "model_path": "archive/vision/object_detection_segmentation/retinanet/model/retinanet-9.onnx", "onnx_version": "1.6.0", "opset_version": 9, "metadata": { @@ -7739,14 +7739,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/retinanet/model/retinanet-9.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/retinanet/model/retinanet-9.tar.gz", "model_with_data_sha": "3a710eee22a7c2ae8e9d6166774d0fd7b7438146ed2d2e993b9694eb39c3addc", "model_with_data_bytes": 153330008 } }, { "model": "SSD-MobilenetV1", - "model_path": "vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_10.onnx", + "model_path": "archive/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_10.onnx", "onnx_version": "1.7.0", "opset_version": 10, "metadata": { @@ -7805,14 +7805,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_10.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_10.tar.gz", "model_with_data_sha": "7a2ff9ea172ff3a88dbc7890ede008a5ec8e9ce276d866f0a846ed3007f5c3f0", "model_with_data_bytes": 25464564 } }, { "model": "SSD-MobilenetV1-12-int8", - "model_path": "vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_12-int8.onnx", + "model_path": "archive/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_12-int8.onnx", "onnx_version": "1.9.0", "opset_version": 12, "metadata": { @@ -7871,14 +7871,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_12-int8.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_12-int8.tar.gz", "model_with_data_sha": "6c77eb8d85247fceb53bf5da5755023e6c84d8c961fc722cf149f86943f5aea4", "model_with_data_bytes": 5804599 } }, { "model": "SSD-MobilenetV1-12", - "model_path": "vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_12.onnx", + "model_path": "archive/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_12.onnx", "onnx_version": "1.9.0", "opset_version": 12, "metadata": { @@ -7937,14 +7937,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_12.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_12.tar.gz", "model_with_data_sha": "bb7485300ba8379f963e47278d3940cebeedba1fd1370b374aac733414d7cf9b", "model_with_data_bytes": 25475584 } }, { "model": "SSD-MobilenetV1-12-qdq", - "model_path": "vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_13-qdq.onnx", + "model_path": "archive/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_13-qdq.onnx", "onnx_version": "1.9.0", "opset_version": 13, "metadata": { @@ -8003,14 +8003,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_13-qdq.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_13-qdq.tar.gz", "model_with_data_sha": "4080066b273a5171b8987a1ac96c6ce6efb935d7c15509089b1934aa63cdd17b", "model_with_data_bytes": 5907922 } }, { "model": "SSD", - "model_path": "vision/object_detection_segmentation/ssd/model/ssd-10.onnx", + "model_path": "archive/vision/object_detection_segmentation/ssd/model/ssd-10.onnx", "onnx_version": "1.5", "opset_version": 10, "metadata": { @@ -8062,14 +8062,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/ssd/model/ssd-10.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/ssd/model/ssd-10.tar.gz", "model_with_data_sha": "5ff54f161d58e02bfc751d3264d58d484485785e71827cf2dd14620bf354c2d0", "model_with_data_bytes": 78515627 } }, { "model": "SSD-int8", - "model_path": "vision/object_detection_segmentation/ssd/model/ssd-12-int8.onnx", + "model_path": "archive/vision/object_detection_segmentation/ssd/model/ssd-12-int8.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -8121,14 +8121,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/ssd/model/ssd-12-int8.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/ssd/model/ssd-12-int8.tar.gz", "model_with_data_sha": "723c25c6040e1d5f7fd7ce736e236b09d6881f6f2cc6e7a79a999f3e69f86571", "model_with_data_bytes": 31816976 } }, { "model": "SSD-qdq", - "model_path": "vision/object_detection_segmentation/ssd/model/ssd-12-qdq.onnx", + "model_path": "archive/vision/object_detection_segmentation/ssd/model/ssd-12-qdq.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -8180,14 +8180,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/ssd/model/ssd-12-qdq.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/ssd/model/ssd-12-qdq.tar.gz", "model_with_data_sha": "2cd791e3ee5f472a208d292ef766f6b4f04c71463dcf290f9393dcce8b81d6d6", "model_with_data_bytes": 26976158 } }, { "model": "SSD", - "model_path": "vision/object_detection_segmentation/ssd/model/ssd-12.onnx", + "model_path": "archive/vision/object_detection_segmentation/ssd/model/ssd-12.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -8239,14 +8239,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/ssd/model/ssd-12.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/ssd/model/ssd-12.tar.gz", "model_with_data_sha": "43e57501da34abe0c01ea30902303bdb14f590f59c18fbb15ea3473810b0e86b", "model_with_data_bytes": 90592544 } }, { "model": "Tiny YOLOv2", - "model_path": "vision/object_detection_segmentation/tiny-yolov2/model/tinyyolov2-7.onnx", + "model_path": "archive/vision/object_detection_segmentation/tiny-yolov2/model/tinyyolov2-7.onnx", "onnx_version": "1.2", "opset_version": 7, "metadata": { @@ -8283,14 +8283,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/tiny-yolov2/model/tinyyolov2-7.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/tiny-yolov2/model/tinyyolov2-7.tar.gz", "model_with_data_sha": "b20099da6c3d78ee60f1a68073eb2b522dd572c32b1787f588b822afd2d2e34c", "model_with_data_bytes": 60865248 } }, { "model": "Tiny YOLOv2", - "model_path": "vision/object_detection_segmentation/tiny-yolov2/model/tinyyolov2-8.onnx", + "model_path": "archive/vision/object_detection_segmentation/tiny-yolov2/model/tinyyolov2-8.onnx", "onnx_version": "1.3", "opset_version": 8, "metadata": { @@ -8327,14 +8327,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/tiny-yolov2/model/tinyyolov2-8.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/tiny-yolov2/model/tinyyolov2-8.tar.gz", "model_with_data_sha": "5122c3e7dd199668fd1d99e1e36132c3ca71ae6c18c3470e7d0e3e7570f8dfbd", "model_with_data_bytes": 60864927 } }, { "model": "Tiny YOLOv3", - "model_path": "vision/object_detection_segmentation/tiny-yolov3/model/tiny-yolov3-11.onnx", + "model_path": "archive/vision/object_detection_segmentation/tiny-yolov3/model/tiny-yolov3-11.onnx", "onnx_version": "1.6", "opset_version": 11, "metadata": { @@ -8396,14 +8396,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/tiny-yolov3/model/tiny-yolov3-11.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/tiny-yolov3/model/tiny-yolov3-11.tar.gz", "model_with_data_sha": "acdf6c64b01ad574c419efe25d8babcc17d10d49e73cd1f636b1394e1af914ee", "model_with_data_bytes": 34058193 } }, { "model": "YOLOv2", - "model_path": "vision/object_detection_segmentation/yolov2-coco/model/yolov2-coco-9.onnx", + "model_path": "archive/vision/object_detection_segmentation/yolov2-coco/model/yolov2-coco-9.onnx", "onnx_version": "1.5", "opset_version": 9, "metadata": { @@ -8440,14 +8440,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/yolov2-coco/model/yolov2-coco-9.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/yolov2-coco/model/yolov2-coco-9.tar.gz", "model_with_data_sha": "c34966e4e96165f8db6f2549f509b6a8bdfc01ddd978e6fd07daad4e665d5383", "model_with_data_bytes": 191439022 } }, { "model": "YOLOv3", - "model_path": "vision/object_detection_segmentation/yolov3/model/yolov3-10.onnx", + "model_path": "archive/vision/object_detection_segmentation/yolov3/model/yolov3-10.onnx", "onnx_version": "1.5", "opset_version": 10, "metadata": { @@ -8508,14 +8508,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/yolov3/model/yolov3-10.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/yolov3/model/yolov3-10.tar.gz", "model_with_data_sha": "13ca9e9fba6f2f1bcf31d62cf9b9586a04c49b5f2b8c23bc288b9b6706126c97", "model_with_data_bytes": 232571698 } }, { "model": "YOLOv3-12-int8", - "model_path": "vision/object_detection_segmentation/yolov3/model/yolov3-12-int8.onnx", + "model_path": "archive/vision/object_detection_segmentation/yolov3/model/yolov3-12-int8.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -8576,14 +8576,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/yolov3/model/yolov3-12-int8.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/yolov3/model/yolov3-12-int8.tar.gz", "model_with_data_sha": "1cbd40e1489553cd5fb03a0eb3059af9f8f0262a963f023dce0ecf3b9dcf90c6", "model_with_data_bytes": 58205845 } }, { "model": "YOLOv3-12", - "model_path": "vision/object_detection_segmentation/yolov3/model/yolov3-12.onnx", + "model_path": "archive/vision/object_detection_segmentation/yolov3/model/yolov3-12.onnx", "onnx_version": "1.9", "opset_version": 12, "metadata": { @@ -8644,14 +8644,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/yolov3/model/yolov3-12.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/yolov3/model/yolov3-12.tar.gz", "model_with_data_sha": "bcd5021e0aaa492ce9f629466974092244710337d07e6887fc7854932b6ae0a3", "model_with_data_bytes": 232651839 } }, { "model": "YOLOv4", - "model_path": "vision/object_detection_segmentation/yolov4/model/yolov4.onnx", + "model_path": "archive/vision/object_detection_segmentation/yolov4/model/yolov4.onnx", "onnx_version": "1.6", "opset_version": 11, "metadata": { @@ -8711,14 +8711,14 @@ } ] }, - "model_with_data_path": "vision/object_detection_segmentation/yolov4/model/yolov4.tar.gz", + "model_with_data_path": "archive/vision/object_detection_segmentation/yolov4/model/yolov4.tar.gz", "model_with_data_sha": "7d06db57b6b4fff4f75dd3bd16f29b32faec4552d763869d5a3c37d25542cbb2", "model_with_data_bytes": 243453644 } }, { "model": "Candy", - "model_path": "vision/style_transfer/fast_neural_style/model/candy-8.onnx", + "model_path": "archive/vision/style_transfer/fast_neural_style/model/candy-8.onnx", "onnx_version": "1.4", "opset_version": 8, "metadata": { @@ -8755,14 +8755,14 @@ } ] }, - "model_with_data_path": "vision/style_transfer/fast_neural_style/model/candy-8.tar.gz", + "model_with_data_path": "archive/vision/style_transfer/fast_neural_style/model/candy-8.tar.gz", "model_with_data_sha": "e6a40c8d1b5f6b680f4c770ac9ec5a26638fea1439bb2561e71a3a4a55c1e8a7", "model_with_data_bytes": 7338783 } }, { "model": "Candy", - "model_path": "vision/style_transfer/fast_neural_style/model/candy-9.onnx", + "model_path": "archive/vision/style_transfer/fast_neural_style/model/candy-9.onnx", "onnx_version": "1.4", "opset_version": 9, "metadata": { @@ -8799,14 +8799,14 @@ } ] }, - "model_with_data_path": "vision/style_transfer/fast_neural_style/model/candy-9.tar.gz", + "model_with_data_path": "archive/vision/style_transfer/fast_neural_style/model/candy-9.tar.gz", "model_with_data_sha": "7647c08408079b400f95526bf15e21a247af2112ca7019396fc6945b76f9cb33", "model_with_data_bytes": 7338825 } }, { "model": "Mosaic", - "model_path": "vision/style_transfer/fast_neural_style/model/mosaic-8.onnx", + "model_path": "archive/vision/style_transfer/fast_neural_style/model/mosaic-8.onnx", "onnx_version": "1.4", "opset_version": 8, "metadata": { @@ -8843,14 +8843,14 @@ } ] }, - "model_with_data_path": "vision/style_transfer/fast_neural_style/model/mosaic-8.tar.gz", + "model_with_data_path": "archive/vision/style_transfer/fast_neural_style/model/mosaic-8.tar.gz", "model_with_data_sha": "2b3090c84a0e28fe00fc162b764c8946186a33535eee6250e2595429ac309346", "model_with_data_bytes": 7333067 } }, { "model": "Mosaic", - "model_path": "vision/style_transfer/fast_neural_style/model/mosaic-9.onnx", + "model_path": "archive/vision/style_transfer/fast_neural_style/model/mosaic-9.onnx", "onnx_version": "1.4", "opset_version": 9, "metadata": { @@ -8887,14 +8887,14 @@ } ] }, - "model_with_data_path": "vision/style_transfer/fast_neural_style/model/mosaic-9.tar.gz", + "model_with_data_path": "archive/vision/style_transfer/fast_neural_style/model/mosaic-9.tar.gz", "model_with_data_sha": "e7d395a1a2d8776a2bdf27adf9b581a5bb2dc94d2ea47c54791cdc55afcae7a0", "model_with_data_bytes": 7333449 } }, { "model": "Pointilism", - "model_path": "vision/style_transfer/fast_neural_style/model/pointilism-8.onnx", + "model_path": "archive/vision/style_transfer/fast_neural_style/model/pointilism-8.onnx", "onnx_version": "1.4", "opset_version": 8, "metadata": { @@ -8931,14 +8931,14 @@ } ] }, - "model_with_data_path": "vision/style_transfer/fast_neural_style/model/pointilism-8.tar.gz", + "model_with_data_path": "archive/vision/style_transfer/fast_neural_style/model/pointilism-8.tar.gz", "model_with_data_sha": "e67096dba8f00a30b86422868563f1c299565592314778e42033b87d46ba1ca8", "model_with_data_bytes": 7333381 } }, { "model": "Pointilism", - "model_path": "vision/style_transfer/fast_neural_style/model/pointilism-9.onnx", + "model_path": "archive/vision/style_transfer/fast_neural_style/model/pointilism-9.onnx", "onnx_version": "1.4", "opset_version": 9, "metadata": { @@ -8975,14 +8975,14 @@ } ] }, - "model_with_data_path": "vision/style_transfer/fast_neural_style/model/pointilism-9.tar.gz", + "model_with_data_path": "archive/vision/style_transfer/fast_neural_style/model/pointilism-9.tar.gz", "model_with_data_sha": "ceac242d7e058391b317fccc656c43be9e58a148036027dd38d6b1bd4ac040fd", "model_with_data_bytes": 7335554 } }, { "model": "Rain Princess", - "model_path": "vision/style_transfer/fast_neural_style/model/rain-princess-8.onnx", + "model_path": "archive/vision/style_transfer/fast_neural_style/model/rain-princess-8.onnx", "onnx_version": "1.4", "opset_version": 8, "metadata": { @@ -9019,14 +9019,14 @@ } ] }, - "model_with_data_path": "vision/style_transfer/fast_neural_style/model/rain-princess-8.tar.gz", + "model_with_data_path": "archive/vision/style_transfer/fast_neural_style/model/rain-princess-8.tar.gz", "model_with_data_sha": "483c273fd3c293417250329cb9c64d68c19c1cf5a1c8e4a375ff92a00b3cb972", "model_with_data_bytes": 7344452 } }, { "model": "Rain Princess", - "model_path": "vision/style_transfer/fast_neural_style/model/rain-princess-9.onnx", + "model_path": "archive/vision/style_transfer/fast_neural_style/model/rain-princess-9.onnx", "onnx_version": "1.4", "opset_version": 9, "metadata": { @@ -9063,14 +9063,14 @@ } ] }, - "model_with_data_path": "vision/style_transfer/fast_neural_style/model/rain-princess-9.tar.gz", + "model_with_data_path": "archive/vision/style_transfer/fast_neural_style/model/rain-princess-9.tar.gz", "model_with_data_sha": "8c35f1d7c72c3d89ff2b61163a9715b3701c80603a38b6df28373162d48e895a", "model_with_data_bytes": 7344974 } }, { "model": "Udnie", - "model_path": "vision/style_transfer/fast_neural_style/model/udnie-8.onnx", + "model_path": "archive/vision/style_transfer/fast_neural_style/model/udnie-8.onnx", "onnx_version": "1.4", "opset_version": 8, "metadata": { @@ -9107,14 +9107,14 @@ } ] }, - "model_with_data_path": "vision/style_transfer/fast_neural_style/model/udnie-8.tar.gz", + "model_with_data_path": "archive/vision/style_transfer/fast_neural_style/model/udnie-8.tar.gz", "model_with_data_sha": "81768986c46484c6f48f6c43d8ba267a9fa52e5eed691239e60c26e3f672299c", "model_with_data_bytes": 7339429 } }, { "model": "Udnie", - "model_path": "vision/style_transfer/fast_neural_style/model/udnie-9.onnx", + "model_path": "archive/vision/style_transfer/fast_neural_style/model/udnie-9.onnx", "onnx_version": "1.4", "opset_version": 9, "metadata": { @@ -9151,14 +9151,14 @@ } ] }, - "model_with_data_path": "vision/style_transfer/fast_neural_style/model/udnie-9.tar.gz", + "model_with_data_path": "archive/vision/style_transfer/fast_neural_style/model/udnie-9.tar.gz", "model_with_data_sha": "713f43d88764577218b25e4820b4fc75fe1b547d59c9bfcfa0349cbdbfd84a1e", "model_with_data_bytes": 7338543 } }, { "model": "Super_Resolution", - "model_path": "vision/super_resolution/sub_pixel_cnn_2016/model/super-resolution-10.onnx", + "model_path": "archive/vision/super_resolution/sub_pixel_cnn_2016/model/super-resolution-10.onnx", "onnx_version": "1.5.0", "opset_version": 10, "metadata": { @@ -9195,7 +9195,7 @@ } ] }, - "model_with_data_path": "vision/super_resolution/sub_pixel_cnn_2016/model/super-resolution-10.tar.gz", + "model_with_data_path": "archive/vision/super_resolution/sub_pixel_cnn_2016/model/super-resolution-10.tar.gz", "model_with_data_sha": "15810206d8a5a57a6cc4caa9aa2bd712d3a144a2098b2ec31b5074714c4aeeac", "model_with_data_bytes": 2079037 } diff --git a/README.md b/README.md index 592026437..bca682cf9 100644 --- a/README.md +++ b/README.md @@ -1,261 +1,70 @@ -># Deprecation Notice: ->This repository is undergoing changes and will be transitioning to a new and refreshed ONNX Model Zoo featuring state-of-the-art models and the latest opsets by the end of this year. The current set of models in this repository will be moved to an archive and will eventually be deprecated. If you rely on models from this repository, we recommend transitioning to the new ONNX Model Zoo once it is available. If you have any questions or concerns, please open an issue or contact @ramkrishna2910/ @jcwchen for assistance. Thank you for your understanding. Stay tuned! - # ONNX Model Zoo -[Open Neural Network Exchange (ONNX)](http://onnx.ai) is an open standard format for representing machine learning models. ONNX is supported by a community of partners who have implemented it in many frameworks and tools. -The ONNX Model Zoo is a collection of pre-trained, state-of-the-art models in the ONNX format contributed by community members like you. Accompanying each model are [Jupyter notebooks](http://jupyter.org) for model training and running inference with the trained model. The notebooks are written in Python and include links to the training dataset as well as references to the original paper that describes the model architecture. +## Introduction + +Welcome to the ONNX Model Zoo! The Open Neural Network Exchange (ONNX) is an open standard format created to represent machine learning models. Supported by a robust community of partners, ONNX defines a common set of operators and a common file format to enable AI developers to use models with a variety of frameworks, tools, runtimes, and compilers. + +This repository is a curated collection of pre-trained, state-of-the-art models in the ONNX format. These models are sourced from prominent open-source repositories and have been contributed by a diverse group of community members. Our aim is to facilitate the spread and usage of machine learning models among a wider audience of developers, researchers, and enthusiasts. -We have standardized on [Git LFS (Large File Storage)](https://git-lfs.github.com/) to store ONNX model files. To download an ONNX model, navigate to the appropriate Github page and click the `Download` button on the top right. +To handle ONNX model files, which can be large, we use Git LFS (Large File Storage). To download any model from this collection, please navigate to the specific model's GitHub page and click the "Download" button located in the top right corner, or visit the [ONNX Model Zoo website](insert-link-here). ## Models -#### Read the [Usage](#usage-) section below for more details on the file formats in the ONNX Model Zoo (.onnx, .pb, .npz), downloading multiple ONNX models through [Git LFS command line](#gitlfs-), and starter Python code for validating your ONNX model using test data. - -#### INT8 models are generated by [IntelĀ® Neural Compressor](https://github.com/intel/neural-compressor). [IntelĀ® Neural Compressor](https://github.com/intel/neural-compressor) is an open-source Python library which supports automatic accuracy-driven tuning strategies to help user quickly find out the best quantized model. It implements dynamic and static quantization for ONNX models and can represent quantized ONNX models with operator oriented as well as tensor oriented (QDQ) ways. Users can use web-based UI service or python code to do quantization. Read the [Introduction](https://github.com/intel/neural-compressor/blob/master/README.md) for more details. - -#### Vision -* [Image Classification](#image_classification) -* [Object Detection & Image Segmentation](#object_detection) -* [Body, Face & Gesture Analysis](#body_analysis) -* [Image Manipulation](#image_manipulation) - -#### Language -* [Machine Comprehension](#machine_comprehension) -* [Machine Translation](#machine_translation) -* [Language Modelling](#language_modelling) - -#### Other -* [Visual Question Answering & Dialog](#visual_qna) -* [Speech & Audio Processing](#speech) -* [Other interesting models](#others) - -### Image Classification -This collection of models take images as input, then classifies the major objects in the images into 1000 object categories such as keyboard, mouse, pencil, and many animals. - -|Model Class |Reference |Description |Huggingface Spaces| -|-|-|-|-| -|[MobileNet](vision/classification/mobilenet)|[Sandler et al.](https://arxiv.org/abs/1801.04381)|Light-weight deep neural network best suited for mobile and embedded vision applications.
Top-5 error from paper - ~10%| -|[ResNet](vision/classification/resnet)|[He et al.](https://arxiv.org/abs/1512.03385)|A CNN model (up to 152 layers). Uses shortcut connections to achieve higher accuracy when classifying images.
Top-5 error from paper - ~3.6%| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/ResNet) | -|[SqueezeNet](vision/classification/squeezenet)|[Iandola et al.](https://arxiv.org/abs/1602.07360)|A light-weight CNN model providing AlexNet level accuracy with 50x fewer parameters.
Top-5 error from paper - ~20%| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/SqueezeNet) | -|[VGG](vision/classification/vgg)|[Simonyan et al.](https://arxiv.org/abs/1409.1556)|Deep CNN model(up to 19 layers). Similar to AlexNet but uses multiple smaller kernel-sized filters that provides more accuracy when classifying images.
Top-5 error from paper - ~8%| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/VGG) | -|[AlexNet](vision/classification/alexnet)|[Krizhevsky et al.](https://papers.nips.cc/paper/4824-imagenet-classification-with-deep-convolutional-neural-networks.pdf)|A Deep CNN model (up to 8 layers) where the input is an image and the output is a vector of 1000 numbers.
Top-5 error from paper - ~15%| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/AlexNet) | -|[GoogleNet](vision/classification/inception_and_googlenet/googlenet)|[Szegedy et al.](https://arxiv.org/pdf/1409.4842.pdf)|Deep CNN model(up to 22 layers). Comparatively smaller and faster than VGG and more accurate in detailing than AlexNet.
Top-5 error from paper - ~6.7%| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/GoogleNet) | -|[CaffeNet](vision/classification/caffenet)|[Krizhevsky et al.]( https://ucb-icsi-vision-group.github.io/caffe-paper/caffe.pdf)|Deep CNN variation of AlexNet for Image Classification in Caffe where the max pooling precedes the local response normalization (LRN) so that the LRN takes less compute and memory.| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/CaffeNet) | -|[RCNN_ILSVRC13](vision/classification/rcnn_ilsvrc13)|[Girshick et al.](https://arxiv.org/abs/1311.2524)|Pure Caffe implementation of R-CNN for image classification. This model uses localization of regions to classify and extract features from images.| -|[DenseNet-121](vision/classification/densenet-121)|[Huang et al.](https://arxiv.org/abs/1608.06993)|Model that has every layer connected to every other layer and passes on its own feature providing strong gradient flow and more diversified features.| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/DenseNet-121) | -|[Inception_V1](vision/classification/inception_and_googlenet/inception_v1)|[Szegedy et al.](https://arxiv.org/abs/1409.4842)|This model is same as GoogLeNet, implemented through Caffe2 that has improved utilization of the computing resources inside the network and helps with the vanishing gradient problem.
Top-5 error from paper - ~6.7%| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/Inception_v1) | -|[Inception_V2](vision/classification/inception_and_googlenet/inception_v2)|[Szegedy et al.](https://arxiv.org/abs/1512.00567)|Deep CNN model for Image Classification as an adaptation to Inception v1 with batch normalization. This model has reduced computational cost and improved image resolution compared to Inception v1.
Top-5 error from paper ~4.82%| -|[ShuffleNet_V1](vision/classification/shufflenet)|[Zhang et al.](https://arxiv.org/abs/1707.01083)|Extremely computation efficient CNN model that is designed specifically for mobile devices. This model greatly reduces the computational cost and provides a ~13x speedup over AlexNet on ARM-based mobile devices. Compared to MobileNet, ShuffleNet achieves superior performance by a significant margin due to it's efficient structure.
Top-1 error from paper - ~32.6%| -|[ShuffleNet_V2](vision/classification/shufflenet)|[Zhang et al.](https://arxiv.org/abs/1807.11164)|Extremely computation efficient CNN model that is designed specifically for mobile devices. This network architecture design considers direct metric such as speed, instead of indirect metric like FLOP.
Top-1 error from paper - ~30.6%| -|[ZFNet-512](vision/classification/zfnet-512)|[Zeiler et al.](https://arxiv.org/abs/1311.2901)|Deep CNN model (up to 8 layers) that increased the number of features that the network is capable of detecting that helps to pick image features at a finer level of resolution.
Top-5 error from paper - ~14.3%| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/ZFNet-512) | -|[EfficientNet-Lite4](vision/classification/efficientnet-lite4)|[Tan et al.](https://arxiv.org/abs/1905.11946)|CNN model with an order of magnitude of few computations and parameters, while still acheiving state-of-the-art accuracy and better efficiency than previous ConvNets.
Top-5 error from paper - ~2.9%| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/EfficientNet-Lite4) | -
- -#### Domain-based Image Classification
-This subset of models classify images for specific domains and datasets. - -|Model Class |Reference |Description | -|-|-|-| -|[MNIST-Handwritten Digit Recognition](vision/classification/mnist)|[Convolutional Neural Network with MNIST](https://github.com/Microsoft/CNTK/blob/master/Tutorials/CNTK_103D_MNIST_ConvolutionalNeuralNetwork.ipynb) |Deep CNN model for handwritten digit identification| -
- -### Object Detection & Image Segmentation
-Object detection models detect the presence of multiple objects in an image and segment out areas of the image where the objects are detected. Semantic segmentation models partition an input image by labeling each pixel into a set of pre-defined categories. - -|Model Class |Reference |Description |Hugging Face Spaces | -|-|-|-|-| -|[Tiny YOLOv2](vision/object_detection_segmentation/tiny-yolov2)|[Redmon et al.](https://arxiv.org/pdf/1612.08242.pdf)|A real-time CNN for object detection that detects 20 different classes. A smaller version of the more complex full YOLOv2 network.| -|[SSD](vision/object_detection_segmentation/ssd)|[Liu et al.](https://arxiv.org/abs/1512.02325)|Single Stage Detector: real-time CNN for object detection that detects 80 different classes.| -|[SSD-MobileNetV1](vision/object_detection_segmentation/ssd-mobilenetv1)|[Howard et al.](https://arxiv.org/abs/1704.04861)|A variant of MobileNet that uses the Single Shot Detector (SSD) model framework. The model detects 80 different object classes and locates up to 10 objects in an image.| -|[Faster-RCNN](vision/object_detection_segmentation/faster-rcnn)|[Ren et al.](https://arxiv.org/abs/1506.01497)|Increases efficiency from R-CNN by connecting a RPN with a CNN to create a single, unified network for object detection that detects 80 different classes.| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/faster-rcnn) | -|[Mask-RCNN](vision/object_detection_segmentation/mask-rcnn)|[He et al.](https://arxiv.org/abs/1703.06870)|A real-time neural network for object instance segmentation that detects 80 different classes. Extends Faster R-CNN as each of the 300 elected ROIs go through 3 parallel branches of the network: label prediction, bounding box prediction and mask prediction.| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/mask-rcnn) | -|[RetinaNet](vision/object_detection_segmentation/retinanet)|[Lin et al.](https://arxiv.org/abs/1708.02002)|A real-time dense detector network for object detection that addresses class imbalance through Focal Loss. RetinaNet is able to match the speed of previous one-stage detectors and defines the state-of-the-art in two-stage detectors (surpassing R-CNN).| -|[YOLO v2-coco](vision/object_detection_segmentation/yolov2-coco)|[Redmon et al.](https://arxiv.org/abs/1612.08242)|A CNN model for real-time object detection system that can detect over 9000 object categories. It uses a single network evaluation, enabling it to be more than 1000x faster than R-CNN and 100x faster than Faster R-CNN. This model is trained with COCO dataset and contains 80 classes. -|[YOLO v3](vision/object_detection_segmentation/yolov3)|[Redmon et al.](https://arxiv.org/pdf/1804.02767.pdf)|A deep CNN model for real-time object detection that detects 80 different classes. A little bigger than YOLOv2 but still very fast. As accurate as SSD but 3 times faster.| -|[Tiny YOLOv3](vision/object_detection_segmentation/tiny-yolov3)|[Redmon et al.](https://arxiv.org/pdf/1804.02767.pdf)| A smaller version of YOLOv3 model. | -|[YOLOv4](vision/object_detection_segmentation/yolov4)|[Bochkovskiy et al.](https://arxiv.org/abs/2004.10934)|Optimizes the speed and accuracy of object detection. Two times faster than EfficientDet. It improves YOLOv3's AP and FPS by 10% and 12%, respectively, with mAP50 of 52.32 on the COCO 2017 dataset and FPS of 41.7 on a Tesla V100.| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/yolov4) | -|[DUC](vision/object_detection_segmentation/duc)|[Wang et al.](https://arxiv.org/abs/1702.08502)|Deep CNN based pixel-wise semantic segmentation model with >80% [mIOU](/models/semantic_segmentation/DUC/README.md/#metric) (mean Intersection Over Union). Trained on cityscapes dataset, which can be effectively implemented in self driving vehicle systems.| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/DUC) | -|[FCN](vision/object_detection_segmentation/fcn)|[Long et al.](https://people.eecs.berkeley.edu/~jonlong/long_shelhamer_fcn.pdf)|Deep CNN based segmentation model trained end-to-end, pixel-to-pixel that produces efficient inference and learning. Built off of AlexNet, VGG net, GoogLeNet classification methods.
[contribute](contribute.md)| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/FCN) | -
- -### Body, Face & Gesture Analysis
-Face detection models identify and/or recognize human faces and emotions in given images. Body and Gesture Analysis models identify gender and age in given image. - -|Model Class |Reference |Description |Hugging Face Spaces | -|-|-|-|-| -|[ArcFace](vision/body_analysis/arcface)|[Deng et al.](https://arxiv.org/abs/1801.07698)|A CNN based model for face recognition which learns discriminative features of faces and produces embeddings for input face images.| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/ArcFace) | -|[UltraFace](vision/body_analysis/ultraface)|[Ultra-lightweight face detection model](https://github.com/Linzaer/Ultra-Light-Fast-Generic-Face-Detector-1MB)|This model is a lightweight facedetection model designed for edge computing devices.| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/ultraface) | -|[Emotion FerPlus](vision/body_analysis/emotion_ferplus) |[Barsoum et al.](https://arxiv.org/abs/1608.01041) | Deep CNN for emotion recognition trained on images of faces.| -|[Age and Gender Classification using Convolutional Neural Networks](vision/body_analysis/age_gender)| [Rothe et al.](https://data.vision.ee.ethz.ch/cvl/publications/papers/proceedings/eth_biwi_01229.pdf) |This model accurately classifies gender and age even the amount of learning data is limited.| -
- -### Image Manipulation
-Image manipulation models use neural networks to transform input images to modified output images. Some popular models in this category involve style transfer or enhancing images by increasing resolution. - -|Model Class |Reference |Description |Hugging Face Spaces | -|-|-|-|-| -|Unpaired Image to Image Translation using Cycle consistent Adversarial Network|[Zhu et al.](https://arxiv.org/abs/1703.10593)|The model uses learning to translate an image from a source domain X to a target domain Y in the absence of paired examples.
[contribute](contribute.md)| -|[Super Resolution with sub-pixel CNN](vision/super_resolution/sub_pixel_cnn_2016) | [Shi et al.](https://arxiv.org/abs/1609.05158) |A deep CNN that uses sub-pixel convolution layers to upscale the input image. | [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/sub_pixel_cnn_2016) | -|[Fast Neural Style Transfer](vision/style_transfer/fast_neural_style) | [Johnson et al.](https://arxiv.org/abs/1603.08155) |This method uses a loss network pretrained for image classification to define perceptual loss functions that measure perceptual differences in content and style between images. The loss network remains fixed during the training process.| -
- -### Speech & Audio Processing
-This class of models uses audio data to train models that can identify voice, generate music, or even read text out loud. - -|Model Class |Reference |Description | -|-|-|-| -|Speech recognition with deep recurrent neural networks| [Graves et al.](https://www.cs.toronto.edu/~fritz/absps/RNN13.pdf)|A RNN model for sequential data for speech recognition. Labels problems where the input-output alignment is unknown
[contribute](contribute.md)| -|Deep voice: Real time neural text to speech | [Arik et al.](https://arxiv.org/abs/1702.07825) |A DNN model that performs end-to-end neural speech synthesis. Requires fewer parameters and it is faster than other systems.
[contribute](contribute.md)| -|Sound Generative models| [WaveNet: A Generative Model for Raw Audio ](https://arxiv.org/abs/1609.03499)|A CNN model that generates raw audio waveforms. Has predictive distribution for each audio sample. Generates realistic music fragments.
[contribute](contribute.md)| -
- -### Machine Comprehension
-This subset of natural language processing models that answer questions about a given context paragraph. - -|Model Class |Reference |Description |Hugging Face Spaces| -|-|-|-|-| -|[Bidirectional Attention Flow](text/machine_comprehension/bidirectional_attention_flow)|[Seo et al.](https://arxiv.org/pdf/1611.01603)|A model that answers a query about a given context paragraph.| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/BiDAF) | -|[BERT-Squad](text/machine_comprehension/bert-squad)|[Devlin et al.](https://arxiv.org/pdf/1810.04805.pdf)|This model answers questions based on the context of the given input paragraph. | [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/BERT-Squad) | -|[RoBERTa](text/machine_comprehension/roberta)|[Liu et al.](https://arxiv.org/pdf/1907.11692.pdf)|A large transformer-based model that predicts sentiment based on given input text.| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/RoBERTa) | -|[GPT-2](text/machine_comprehension/gpt-2)|[Radford et al.](https://d4mucfpksywv.cloudfront.net/better-language-models/language_models_are_unsupervised_multitask_learners.pdf)|A large transformer-based language model that given a sequence of words within some text, predicts the next word. | [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/GPT-2) | -|[T5](text/machine_comprehension/t5)|[Raffel et al.](https://arxiv.org/abs/1910.10683)|A large transformer-based language model trained on multiple tasks at once to achieve better semantic understanding of the prompt, capable of sentiment-analysis, question-answering, similarity-detection, translation, summarization, etc. |[![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/T5) | -
- -### Machine Translation
-This class of natural language processing models learns how to translate input text to another language. - -|Model Class |Reference |Description | -|-|-|-| -|Neural Machine Translation by jointly learning to align and translate| [Bahdanau et al.](https://arxiv.org/abs/1409.0473)|Aims to build a single neural network that can be jointly tuned to maximize the translation performance.
[contribute](contribute.md)| -|Google's Neural Machine Translation System| [Wu et al.](https://arxiv.org/abs/1609.08144)|This model helps to improve issues faced by the Neural Machine Translation (NMT) systems like parallelism that helps accelerate the final translation speed.
[contribute](contribute.md)| -
- -### Language Modelling
-This subset of natural language processing models learns representations of language from large corpuses of text. - -|Model Class |Reference |Description | -|-|-|-| -|Deep Neural Network Language Models | [Arisoy et al.](https://pdfs.semanticscholar.org/a177/45f1d7045636577bcd5d513620df5860e9e5.pdf)|A DNN acoustic model. Used in many natural language technologies. Represents a probability distribution over all possible word strings in a language.
[contribute](contribute.md)| -
- -### Visual Question Answering & Dialog
-This subset of natural language processing models uses input images to answer questions about those images. - -|Model Class |Reference |Description | -|-|-|-| -|VQA: Visual Question Answering |[Agrawal et al.](https://arxiv.org/pdf/1505.00468v6.pdf)|A model that takes an image and a free-form, open-ended natural language question about the image and outputs a natural-language answer.
[contribute](contribute.md)| -|Yin and Yang: Balancing and Answering Binary Visual Questions |[Zhang et al.](https://arxiv.org/pdf/1511.05099.pdf)|Addresses VQA by converting the question to a tuple that concisely summarizes the visual concept to be detected in the image. Next, if the concept can be found in the image, it provides a ā€œyesā€ or ā€œnoā€ answer. Its performance matches the traditional VQA approach on unbalanced dataset, and outperforms it on the balanced dataset.
[contribute](contribute.md)| -|Making the V in VQA Matter|[Goyal et al.](https://arxiv.org/pdf/1612.00837.pdf)|Balances the VQA dataset by collecting complementary images such that every question is associated with a pair of similar images that result in two different answers to the question, providing a unique interpretable model that provides a counter-example based explanation.
[contribute](contribute.md)| -|Visual Dialog| [Das et al.](https://arxiv.org/abs/1611.08669)|An AI agent that holds a meaningful dialog with humans in natural, conversational language about visual content. Curates a large-scale Visual Dialog dataset (VisDial).
[contribute](contribute.md)| -
- -### Other interesting models
-There are many interesting deep learning models that do not fit into the categories described above. The ONNX team would like to highly encourage users and researchers to [contribute](contribute.md) their models to the growing model zoo. - -|Model Class |Reference |Description | -|-|-|-| -|Text to Image| [Generative Adversarial Text to image Synthesis ](https://arxiv.org/abs/1605.05396)|Effectively bridges the advances in text and image modeling, translating visual concepts from characters to pixels. Generates plausible images of birds and flowers from detailed text descriptions.
[contribute](contribute.md)| -|Time Series Forecasting| [Modeling Long- and Short-Term Temporal Patterns with Deep Neural Networks ](https://arxiv.org/pdf/1703.07015.pdf)|The model extracts short-term local dependency patterns among variables and to discover long-term patterns for time series trends. It helps to predict solar plant energy output, electricity consumption, and traffic jam situations.
[contribute](contribute.md)| -|Recommender systems|[DropoutNet: Addressing Cold Start in Recommender Systems](http://www.cs.toronto.edu/~mvolkovs/nips2017_deepcf.pdf)|A collaborative filtering method that makes predictions about an individualā€™s preference based on preference information from other users.
[contribute](contribute.md)| -|Collaborative filtering|[Neural Collaborative Filtering](https://arxiv.org/pdf/1708.05031.pdf)|A DNN model based on the interaction between user and item features using matrix factorization.
[contribute](contribute.md)| -|Autoencoders|[A Hierarchical Neural Autoencoder for Paragraphs and Documents](https://arxiv.org/abs/1506.01057)|An LSTM (long-short term memory) auto-encoder to preserve and reconstruct multi-sentence paragraphs.
[contribute](contribute.md)| -
- -## Usage
- -Every ONNX backend should support running the models out of the box. After downloading and extracting the tarball of each model, you will find: - -- A protobuf file `model.onnx` that represents the serialized ONNX model. -- Test data (in the form of serialized protobuf TensorProto files or serialized NumPy archives). - -### Usage - Test data starter code - -The test data files can be used to validate ONNX models from the Model Zoo. We have provided the following interface examples for you to get started. Please replace `onnx_backend` in your code with the appropriate framework of your choice that provides ONNX inferencing support, and likewise replace `backend.run_model` with the framework's model evaluation logic. - -There are two different formats for the test data files: - -- Serialized protobuf TensorProtos (.pb), stored in folders with the naming convention `test_data_set_*`. - -```python -import numpy as np -import onnx -import os -import glob -import onnx_backend as backend - -from onnx import numpy_helper - -model = onnx.load('model.onnx') -test_data_dir = 'test_data_set_0' - -# Load inputs -inputs = [] -inputs_num = len(glob.glob(os.path.join(test_data_dir, 'input_*.pb'))) -for i in range(inputs_num): - input_file = os.path.join(test_data_dir, 'input_{}.pb'.format(i)) - tensor = onnx.TensorProto() - with open(input_file, 'rb') as f: - tensor.ParseFromString(f.read()) - inputs.append(numpy_helper.to_array(tensor)) - -# Load reference outputs -ref_outputs = [] -ref_outputs_num = len(glob.glob(os.path.join(test_data_dir, 'output_*.pb'))) -for i in range(ref_outputs_num): - output_file = os.path.join(test_data_dir, 'output_{}.pb'.format(i)) - tensor = onnx.TensorProto() - with open(output_file, 'rb') as f: - tensor.ParseFromString(f.read()) - ref_outputs.append(numpy_helper.to_array(tensor)) - -# Run the model on the backend -outputs = list(backend.run_model(model, inputs)) - -# Compare the results with reference outputs. -for ref_o, o in zip(ref_outputs, outputs): - np.testing.assert_almost_equal(ref_o, o) -``` -- Serialized Numpy archives, stored in files with the naming convention `test_data_*.npz`. Each file contains one set of test inputs and outputs. +Our Model Zoo covers a variety of use cases including: -```python -import numpy as np -import onnx -import onnx_backend as backend +- Computer Vision +- Natural Language Processing (NLP) +- Generative AI +- Graph Machine Learning -# Load the model and sample inputs and outputs -model = onnx.load(model_pb_path) -sample = np.load(npz_path, encoding='bytes') -inputs = list(sample['inputs']) -outputs = list(sample['outputs']) +These models are sourced from prominent open-source repositories such as [timm](https://github.com/huggingface/pytorch-image-models), [torchvision](https://github.com/pytorch/vision), [torch_hub](https://pytorch.org/hub/), and [transformers](https://github.com/huggingface/transformers), and exported into the ONNX format using the open-source [TurnkeyML toolchain](insert-link-here). -# Run the model with an onnx backend and verify the results -np.testing.assert_almost_equal(outputs, backend.run_model(model, inputs)) -``` -### Usage - Model quantization -You can get quantized ONNX models by using [IntelĀ® Neural Compressor](https://github.com/intel/neural-compressor). It provides web-based UI service to make quantization easier and supports code-based usage for more abundant quantization settings. Refer to [bench document](https://github.com/intel/neural-compressor/blob/master/docs/bench.md) for how to use web-based UI service and [example document](./resource/docs/INC_code.md) for a simple code-based demo. -![image](./resource/images/INC_GUI.gif) +## Usage -### Usage - Git LFS +There are multiple ways to access the ONNX Model Zoo: -On default, cloning this repository will not download any ONNX models. Install Git LFS with `pip install git-lfs`. +### Webpage (Recommended) + +The [Model Zoo webpage](link-here) provides a user-friendly interface to browse models based on use case, author, or by searching for specific model names. It also offers a direct download option for your convenience. + +### Git Clone (Not Recommended) + +Cloning the repository using git won't automatically download the ONNX models due to their size. To manage these files, first, install Git LFS by running: + +```bash +pip install git-lfs +``` To download a specific model: -`git lfs pull --include="[path to model].onnx" --exclude=""` + +```bash +git lfs pull --include="[path to model].onnx" --exclude="" +``` To download all models: -`git lfs pull --include="*" --exclude=""` -### Usage - Model visualization -You can see visualizations of each model's network architecture by using [Netron](https://github.com/lutzroeder/Netron). +```bash +git lfs pull --include="*" --exclude="" +``` + +### GitHub UI + +Alternatively, you can download models directly from GitHub. Navigate to the model's page and click the "Download" button on the top right corner. + +## Model Visualization + +For a graphical representation of each model's architecture, we recommend using [Netron](https://github.com/lutzroeder/netron). ## Contributions -Do you want to contribute a model? To get started, pick any model presented above with the [contribute](contribute.md) link under the Description column. The links point to a page containing guidelines for making a contribution. + +Contributions to the ONNX Model Zoo are welcome! Please check our [contribution guidelines](here) for more information on how you can contribute to the growth and improvement of this resource. + +Thank you for your interest in the ONNX Model Zoo, and we look forward to your participation in our community! # License diff --git a/archive/README.md b/archive/README.md new file mode 100644 index 000000000..592026437 --- /dev/null +++ b/archive/README.md @@ -0,0 +1,262 @@ + + + +># Deprecation Notice: +>This repository is undergoing changes and will be transitioning to a new and refreshed ONNX Model Zoo featuring state-of-the-art models and the latest opsets by the end of this year. The current set of models in this repository will be moved to an archive and will eventually be deprecated. If you rely on models from this repository, we recommend transitioning to the new ONNX Model Zoo once it is available. If you have any questions or concerns, please open an issue or contact @ramkrishna2910/ @jcwchen for assistance. Thank you for your understanding. Stay tuned! + +# ONNX Model Zoo + +[Open Neural Network Exchange (ONNX)](http://onnx.ai) is an open standard format for representing machine learning models. ONNX is supported by a community of partners who have implemented it in many frameworks and tools. + +The ONNX Model Zoo is a collection of pre-trained, state-of-the-art models in the ONNX format contributed by community members like you. Accompanying each model are [Jupyter notebooks](http://jupyter.org) for model training and running inference with the trained model. The notebooks are written in Python and include links to the training dataset as well as references to the original paper that describes the model architecture. + +We have standardized on [Git LFS (Large File Storage)](https://git-lfs.github.com/) to store ONNX model files. To download an ONNX model, navigate to the appropriate Github page and click the `Download` button on the top right. + +## Models +#### Read the [Usage](#usage-) section below for more details on the file formats in the ONNX Model Zoo (.onnx, .pb, .npz), downloading multiple ONNX models through [Git LFS command line](#gitlfs-), and starter Python code for validating your ONNX model using test data. + +#### INT8 models are generated by [IntelĀ® Neural Compressor](https://github.com/intel/neural-compressor). [IntelĀ® Neural Compressor](https://github.com/intel/neural-compressor) is an open-source Python library which supports automatic accuracy-driven tuning strategies to help user quickly find out the best quantized model. It implements dynamic and static quantization for ONNX models and can represent quantized ONNX models with operator oriented as well as tensor oriented (QDQ) ways. Users can use web-based UI service or python code to do quantization. Read the [Introduction](https://github.com/intel/neural-compressor/blob/master/README.md) for more details. + +#### Vision +* [Image Classification](#image_classification) +* [Object Detection & Image Segmentation](#object_detection) +* [Body, Face & Gesture Analysis](#body_analysis) +* [Image Manipulation](#image_manipulation) + +#### Language +* [Machine Comprehension](#machine_comprehension) +* [Machine Translation](#machine_translation) +* [Language Modelling](#language_modelling) + +#### Other +* [Visual Question Answering & Dialog](#visual_qna) +* [Speech & Audio Processing](#speech) +* [Other interesting models](#others) + +### Image Classification +This collection of models take images as input, then classifies the major objects in the images into 1000 object categories such as keyboard, mouse, pencil, and many animals. + +|Model Class |Reference |Description |Huggingface Spaces| +|-|-|-|-| +|[MobileNet](vision/classification/mobilenet)|[Sandler et al.](https://arxiv.org/abs/1801.04381)|Light-weight deep neural network best suited for mobile and embedded vision applications.
Top-5 error from paper - ~10%| +|[ResNet](vision/classification/resnet)|[He et al.](https://arxiv.org/abs/1512.03385)|A CNN model (up to 152 layers). Uses shortcut connections to achieve higher accuracy when classifying images.
Top-5 error from paper - ~3.6%| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/ResNet) | +|[SqueezeNet](vision/classification/squeezenet)|[Iandola et al.](https://arxiv.org/abs/1602.07360)|A light-weight CNN model providing AlexNet level accuracy with 50x fewer parameters.
Top-5 error from paper - ~20%| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/SqueezeNet) | +|[VGG](vision/classification/vgg)|[Simonyan et al.](https://arxiv.org/abs/1409.1556)|Deep CNN model(up to 19 layers). Similar to AlexNet but uses multiple smaller kernel-sized filters that provides more accuracy when classifying images.
Top-5 error from paper - ~8%| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/VGG) | +|[AlexNet](vision/classification/alexnet)|[Krizhevsky et al.](https://papers.nips.cc/paper/4824-imagenet-classification-with-deep-convolutional-neural-networks.pdf)|A Deep CNN model (up to 8 layers) where the input is an image and the output is a vector of 1000 numbers.
Top-5 error from paper - ~15%| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/AlexNet) | +|[GoogleNet](vision/classification/inception_and_googlenet/googlenet)|[Szegedy et al.](https://arxiv.org/pdf/1409.4842.pdf)|Deep CNN model(up to 22 layers). Comparatively smaller and faster than VGG and more accurate in detailing than AlexNet.
Top-5 error from paper - ~6.7%| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/GoogleNet) | +|[CaffeNet](vision/classification/caffenet)|[Krizhevsky et al.]( https://ucb-icsi-vision-group.github.io/caffe-paper/caffe.pdf)|Deep CNN variation of AlexNet for Image Classification in Caffe where the max pooling precedes the local response normalization (LRN) so that the LRN takes less compute and memory.| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/CaffeNet) | +|[RCNN_ILSVRC13](vision/classification/rcnn_ilsvrc13)|[Girshick et al.](https://arxiv.org/abs/1311.2524)|Pure Caffe implementation of R-CNN for image classification. This model uses localization of regions to classify and extract features from images.| +|[DenseNet-121](vision/classification/densenet-121)|[Huang et al.](https://arxiv.org/abs/1608.06993)|Model that has every layer connected to every other layer and passes on its own feature providing strong gradient flow and more diversified features.| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/DenseNet-121) | +|[Inception_V1](vision/classification/inception_and_googlenet/inception_v1)|[Szegedy et al.](https://arxiv.org/abs/1409.4842)|This model is same as GoogLeNet, implemented through Caffe2 that has improved utilization of the computing resources inside the network and helps with the vanishing gradient problem.
Top-5 error from paper - ~6.7%| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/Inception_v1) | +|[Inception_V2](vision/classification/inception_and_googlenet/inception_v2)|[Szegedy et al.](https://arxiv.org/abs/1512.00567)|Deep CNN model for Image Classification as an adaptation to Inception v1 with batch normalization. This model has reduced computational cost and improved image resolution compared to Inception v1.
Top-5 error from paper ~4.82%| +|[ShuffleNet_V1](vision/classification/shufflenet)|[Zhang et al.](https://arxiv.org/abs/1707.01083)|Extremely computation efficient CNN model that is designed specifically for mobile devices. This model greatly reduces the computational cost and provides a ~13x speedup over AlexNet on ARM-based mobile devices. Compared to MobileNet, ShuffleNet achieves superior performance by a significant margin due to it's efficient structure.
Top-1 error from paper - ~32.6%| +|[ShuffleNet_V2](vision/classification/shufflenet)|[Zhang et al.](https://arxiv.org/abs/1807.11164)|Extremely computation efficient CNN model that is designed specifically for mobile devices. This network architecture design considers direct metric such as speed, instead of indirect metric like FLOP.
Top-1 error from paper - ~30.6%| +|[ZFNet-512](vision/classification/zfnet-512)|[Zeiler et al.](https://arxiv.org/abs/1311.2901)|Deep CNN model (up to 8 layers) that increased the number of features that the network is capable of detecting that helps to pick image features at a finer level of resolution.
Top-5 error from paper - ~14.3%| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/ZFNet-512) | +|[EfficientNet-Lite4](vision/classification/efficientnet-lite4)|[Tan et al.](https://arxiv.org/abs/1905.11946)|CNN model with an order of magnitude of few computations and parameters, while still acheiving state-of-the-art accuracy and better efficiency than previous ConvNets.
Top-5 error from paper - ~2.9%| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/EfficientNet-Lite4) | +
+ +#### Domain-based Image Classification
+This subset of models classify images for specific domains and datasets. + +|Model Class |Reference |Description | +|-|-|-| +|[MNIST-Handwritten Digit Recognition](vision/classification/mnist)|[Convolutional Neural Network with MNIST](https://github.com/Microsoft/CNTK/blob/master/Tutorials/CNTK_103D_MNIST_ConvolutionalNeuralNetwork.ipynb) |Deep CNN model for handwritten digit identification| +
+ +### Object Detection & Image Segmentation
+Object detection models detect the presence of multiple objects in an image and segment out areas of the image where the objects are detected. Semantic segmentation models partition an input image by labeling each pixel into a set of pre-defined categories. + +|Model Class |Reference |Description |Hugging Face Spaces | +|-|-|-|-| +|[Tiny YOLOv2](vision/object_detection_segmentation/tiny-yolov2)|[Redmon et al.](https://arxiv.org/pdf/1612.08242.pdf)|A real-time CNN for object detection that detects 20 different classes. A smaller version of the more complex full YOLOv2 network.| +|[SSD](vision/object_detection_segmentation/ssd)|[Liu et al.](https://arxiv.org/abs/1512.02325)|Single Stage Detector: real-time CNN for object detection that detects 80 different classes.| +|[SSD-MobileNetV1](vision/object_detection_segmentation/ssd-mobilenetv1)|[Howard et al.](https://arxiv.org/abs/1704.04861)|A variant of MobileNet that uses the Single Shot Detector (SSD) model framework. The model detects 80 different object classes and locates up to 10 objects in an image.| +|[Faster-RCNN](vision/object_detection_segmentation/faster-rcnn)|[Ren et al.](https://arxiv.org/abs/1506.01497)|Increases efficiency from R-CNN by connecting a RPN with a CNN to create a single, unified network for object detection that detects 80 different classes.| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/faster-rcnn) | +|[Mask-RCNN](vision/object_detection_segmentation/mask-rcnn)|[He et al.](https://arxiv.org/abs/1703.06870)|A real-time neural network for object instance segmentation that detects 80 different classes. Extends Faster R-CNN as each of the 300 elected ROIs go through 3 parallel branches of the network: label prediction, bounding box prediction and mask prediction.| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/mask-rcnn) | +|[RetinaNet](vision/object_detection_segmentation/retinanet)|[Lin et al.](https://arxiv.org/abs/1708.02002)|A real-time dense detector network for object detection that addresses class imbalance through Focal Loss. RetinaNet is able to match the speed of previous one-stage detectors and defines the state-of-the-art in two-stage detectors (surpassing R-CNN).| +|[YOLO v2-coco](vision/object_detection_segmentation/yolov2-coco)|[Redmon et al.](https://arxiv.org/abs/1612.08242)|A CNN model for real-time object detection system that can detect over 9000 object categories. It uses a single network evaluation, enabling it to be more than 1000x faster than R-CNN and 100x faster than Faster R-CNN. This model is trained with COCO dataset and contains 80 classes. +|[YOLO v3](vision/object_detection_segmentation/yolov3)|[Redmon et al.](https://arxiv.org/pdf/1804.02767.pdf)|A deep CNN model for real-time object detection that detects 80 different classes. A little bigger than YOLOv2 but still very fast. As accurate as SSD but 3 times faster.| +|[Tiny YOLOv3](vision/object_detection_segmentation/tiny-yolov3)|[Redmon et al.](https://arxiv.org/pdf/1804.02767.pdf)| A smaller version of YOLOv3 model. | +|[YOLOv4](vision/object_detection_segmentation/yolov4)|[Bochkovskiy et al.](https://arxiv.org/abs/2004.10934)|Optimizes the speed and accuracy of object detection. Two times faster than EfficientDet. It improves YOLOv3's AP and FPS by 10% and 12%, respectively, with mAP50 of 52.32 on the COCO 2017 dataset and FPS of 41.7 on a Tesla V100.| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/yolov4) | +|[DUC](vision/object_detection_segmentation/duc)|[Wang et al.](https://arxiv.org/abs/1702.08502)|Deep CNN based pixel-wise semantic segmentation model with >80% [mIOU](/models/semantic_segmentation/DUC/README.md/#metric) (mean Intersection Over Union). Trained on cityscapes dataset, which can be effectively implemented in self driving vehicle systems.| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/DUC) | +|[FCN](vision/object_detection_segmentation/fcn)|[Long et al.](https://people.eecs.berkeley.edu/~jonlong/long_shelhamer_fcn.pdf)|Deep CNN based segmentation model trained end-to-end, pixel-to-pixel that produces efficient inference and learning. Built off of AlexNet, VGG net, GoogLeNet classification methods.
[contribute](contribute.md)| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/FCN) | +
+ +### Body, Face & Gesture Analysis
+Face detection models identify and/or recognize human faces and emotions in given images. Body and Gesture Analysis models identify gender and age in given image. + +|Model Class |Reference |Description |Hugging Face Spaces | +|-|-|-|-| +|[ArcFace](vision/body_analysis/arcface)|[Deng et al.](https://arxiv.org/abs/1801.07698)|A CNN based model for face recognition which learns discriminative features of faces and produces embeddings for input face images.| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/ArcFace) | +|[UltraFace](vision/body_analysis/ultraface)|[Ultra-lightweight face detection model](https://github.com/Linzaer/Ultra-Light-Fast-Generic-Face-Detector-1MB)|This model is a lightweight facedetection model designed for edge computing devices.| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/ultraface) | +|[Emotion FerPlus](vision/body_analysis/emotion_ferplus) |[Barsoum et al.](https://arxiv.org/abs/1608.01041) | Deep CNN for emotion recognition trained on images of faces.| +|[Age and Gender Classification using Convolutional Neural Networks](vision/body_analysis/age_gender)| [Rothe et al.](https://data.vision.ee.ethz.ch/cvl/publications/papers/proceedings/eth_biwi_01229.pdf) |This model accurately classifies gender and age even the amount of learning data is limited.| +
+ +### Image Manipulation
+Image manipulation models use neural networks to transform input images to modified output images. Some popular models in this category involve style transfer or enhancing images by increasing resolution. + +|Model Class |Reference |Description |Hugging Face Spaces | +|-|-|-|-| +|Unpaired Image to Image Translation using Cycle consistent Adversarial Network|[Zhu et al.](https://arxiv.org/abs/1703.10593)|The model uses learning to translate an image from a source domain X to a target domain Y in the absence of paired examples.
[contribute](contribute.md)| +|[Super Resolution with sub-pixel CNN](vision/super_resolution/sub_pixel_cnn_2016) | [Shi et al.](https://arxiv.org/abs/1609.05158) |A deep CNN that uses sub-pixel convolution layers to upscale the input image. | [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/sub_pixel_cnn_2016) | +|[Fast Neural Style Transfer](vision/style_transfer/fast_neural_style) | [Johnson et al.](https://arxiv.org/abs/1603.08155) |This method uses a loss network pretrained for image classification to define perceptual loss functions that measure perceptual differences in content and style between images. The loss network remains fixed during the training process.| +
+ +### Speech & Audio Processing
+This class of models uses audio data to train models that can identify voice, generate music, or even read text out loud. + +|Model Class |Reference |Description | +|-|-|-| +|Speech recognition with deep recurrent neural networks| [Graves et al.](https://www.cs.toronto.edu/~fritz/absps/RNN13.pdf)|A RNN model for sequential data for speech recognition. Labels problems where the input-output alignment is unknown
[contribute](contribute.md)| +|Deep voice: Real time neural text to speech | [Arik et al.](https://arxiv.org/abs/1702.07825) |A DNN model that performs end-to-end neural speech synthesis. Requires fewer parameters and it is faster than other systems.
[contribute](contribute.md)| +|Sound Generative models| [WaveNet: A Generative Model for Raw Audio ](https://arxiv.org/abs/1609.03499)|A CNN model that generates raw audio waveforms. Has predictive distribution for each audio sample. Generates realistic music fragments.
[contribute](contribute.md)| +
+ +### Machine Comprehension
+This subset of natural language processing models that answer questions about a given context paragraph. + +|Model Class |Reference |Description |Hugging Face Spaces| +|-|-|-|-| +|[Bidirectional Attention Flow](text/machine_comprehension/bidirectional_attention_flow)|[Seo et al.](https://arxiv.org/pdf/1611.01603)|A model that answers a query about a given context paragraph.| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/BiDAF) | +|[BERT-Squad](text/machine_comprehension/bert-squad)|[Devlin et al.](https://arxiv.org/pdf/1810.04805.pdf)|This model answers questions based on the context of the given input paragraph. | [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/BERT-Squad) | +|[RoBERTa](text/machine_comprehension/roberta)|[Liu et al.](https://arxiv.org/pdf/1907.11692.pdf)|A large transformer-based model that predicts sentiment based on given input text.| [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/RoBERTa) | +|[GPT-2](text/machine_comprehension/gpt-2)|[Radford et al.](https://d4mucfpksywv.cloudfront.net/better-language-models/language_models_are_unsupervised_multitask_learners.pdf)|A large transformer-based language model that given a sequence of words within some text, predicts the next word. | [![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/GPT-2) | +|[T5](text/machine_comprehension/t5)|[Raffel et al.](https://arxiv.org/abs/1910.10683)|A large transformer-based language model trained on multiple tasks at once to achieve better semantic understanding of the prompt, capable of sentiment-analysis, question-answering, similarity-detection, translation, summarization, etc. |[![Hugging Face Spaces](https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Spaces-blue)](https://huggingface.co/spaces/onnx/T5) | +
+ +### Machine Translation
+This class of natural language processing models learns how to translate input text to another language. + +|Model Class |Reference |Description | +|-|-|-| +|Neural Machine Translation by jointly learning to align and translate| [Bahdanau et al.](https://arxiv.org/abs/1409.0473)|Aims to build a single neural network that can be jointly tuned to maximize the translation performance.
[contribute](contribute.md)| +|Google's Neural Machine Translation System| [Wu et al.](https://arxiv.org/abs/1609.08144)|This model helps to improve issues faced by the Neural Machine Translation (NMT) systems like parallelism that helps accelerate the final translation speed.
[contribute](contribute.md)| +
+ +### Language Modelling
+This subset of natural language processing models learns representations of language from large corpuses of text. + +|Model Class |Reference |Description | +|-|-|-| +|Deep Neural Network Language Models | [Arisoy et al.](https://pdfs.semanticscholar.org/a177/45f1d7045636577bcd5d513620df5860e9e5.pdf)|A DNN acoustic model. Used in many natural language technologies. Represents a probability distribution over all possible word strings in a language.
[contribute](contribute.md)| +
+ +### Visual Question Answering & Dialog
+This subset of natural language processing models uses input images to answer questions about those images. + +|Model Class |Reference |Description | +|-|-|-| +|VQA: Visual Question Answering |[Agrawal et al.](https://arxiv.org/pdf/1505.00468v6.pdf)|A model that takes an image and a free-form, open-ended natural language question about the image and outputs a natural-language answer.
[contribute](contribute.md)| +|Yin and Yang: Balancing and Answering Binary Visual Questions |[Zhang et al.](https://arxiv.org/pdf/1511.05099.pdf)|Addresses VQA by converting the question to a tuple that concisely summarizes the visual concept to be detected in the image. Next, if the concept can be found in the image, it provides a ā€œyesā€ or ā€œnoā€ answer. Its performance matches the traditional VQA approach on unbalanced dataset, and outperforms it on the balanced dataset.
[contribute](contribute.md)| +|Making the V in VQA Matter|[Goyal et al.](https://arxiv.org/pdf/1612.00837.pdf)|Balances the VQA dataset by collecting complementary images such that every question is associated with a pair of similar images that result in two different answers to the question, providing a unique interpretable model that provides a counter-example based explanation.
[contribute](contribute.md)| +|Visual Dialog| [Das et al.](https://arxiv.org/abs/1611.08669)|An AI agent that holds a meaningful dialog with humans in natural, conversational language about visual content. Curates a large-scale Visual Dialog dataset (VisDial).
[contribute](contribute.md)| +
+ +### Other interesting models
+There are many interesting deep learning models that do not fit into the categories described above. The ONNX team would like to highly encourage users and researchers to [contribute](contribute.md) their models to the growing model zoo. + +|Model Class |Reference |Description | +|-|-|-| +|Text to Image| [Generative Adversarial Text to image Synthesis ](https://arxiv.org/abs/1605.05396)|Effectively bridges the advances in text and image modeling, translating visual concepts from characters to pixels. Generates plausible images of birds and flowers from detailed text descriptions.
[contribute](contribute.md)| +|Time Series Forecasting| [Modeling Long- and Short-Term Temporal Patterns with Deep Neural Networks ](https://arxiv.org/pdf/1703.07015.pdf)|The model extracts short-term local dependency patterns among variables and to discover long-term patterns for time series trends. It helps to predict solar plant energy output, electricity consumption, and traffic jam situations.
[contribute](contribute.md)| +|Recommender systems|[DropoutNet: Addressing Cold Start in Recommender Systems](http://www.cs.toronto.edu/~mvolkovs/nips2017_deepcf.pdf)|A collaborative filtering method that makes predictions about an individualā€™s preference based on preference information from other users.
[contribute](contribute.md)| +|Collaborative filtering|[Neural Collaborative Filtering](https://arxiv.org/pdf/1708.05031.pdf)|A DNN model based on the interaction between user and item features using matrix factorization.
[contribute](contribute.md)| +|Autoencoders|[A Hierarchical Neural Autoencoder for Paragraphs and Documents](https://arxiv.org/abs/1506.01057)|An LSTM (long-short term memory) auto-encoder to preserve and reconstruct multi-sentence paragraphs.
[contribute](contribute.md)| +
+ +## Usage
+ +Every ONNX backend should support running the models out of the box. After downloading and extracting the tarball of each model, you will find: + +- A protobuf file `model.onnx` that represents the serialized ONNX model. +- Test data (in the form of serialized protobuf TensorProto files or serialized NumPy archives). + +### Usage - Test data starter code + +The test data files can be used to validate ONNX models from the Model Zoo. We have provided the following interface examples for you to get started. Please replace `onnx_backend` in your code with the appropriate framework of your choice that provides ONNX inferencing support, and likewise replace `backend.run_model` with the framework's model evaluation logic. + +There are two different formats for the test data files: + +- Serialized protobuf TensorProtos (.pb), stored in folders with the naming convention `test_data_set_*`. + +```python +import numpy as np +import onnx +import os +import glob +import onnx_backend as backend + +from onnx import numpy_helper + +model = onnx.load('model.onnx') +test_data_dir = 'test_data_set_0' + +# Load inputs +inputs = [] +inputs_num = len(glob.glob(os.path.join(test_data_dir, 'input_*.pb'))) +for i in range(inputs_num): + input_file = os.path.join(test_data_dir, 'input_{}.pb'.format(i)) + tensor = onnx.TensorProto() + with open(input_file, 'rb') as f: + tensor.ParseFromString(f.read()) + inputs.append(numpy_helper.to_array(tensor)) + +# Load reference outputs +ref_outputs = [] +ref_outputs_num = len(glob.glob(os.path.join(test_data_dir, 'output_*.pb'))) +for i in range(ref_outputs_num): + output_file = os.path.join(test_data_dir, 'output_{}.pb'.format(i)) + tensor = onnx.TensorProto() + with open(output_file, 'rb') as f: + tensor.ParseFromString(f.read()) + ref_outputs.append(numpy_helper.to_array(tensor)) + +# Run the model on the backend +outputs = list(backend.run_model(model, inputs)) + +# Compare the results with reference outputs. +for ref_o, o in zip(ref_outputs, outputs): + np.testing.assert_almost_equal(ref_o, o) +``` + +- Serialized Numpy archives, stored in files with the naming convention `test_data_*.npz`. Each file contains one set of test inputs and outputs. + +```python +import numpy as np +import onnx +import onnx_backend as backend + +# Load the model and sample inputs and outputs +model = onnx.load(model_pb_path) +sample = np.load(npz_path, encoding='bytes') +inputs = list(sample['inputs']) +outputs = list(sample['outputs']) + +# Run the model with an onnx backend and verify the results +np.testing.assert_almost_equal(outputs, backend.run_model(model, inputs)) +``` + +### Usage - Model quantization +You can get quantized ONNX models by using [IntelĀ® Neural Compressor](https://github.com/intel/neural-compressor). It provides web-based UI service to make quantization easier and supports code-based usage for more abundant quantization settings. Refer to [bench document](https://github.com/intel/neural-compressor/blob/master/docs/bench.md) for how to use web-based UI service and [example document](./resource/docs/INC_code.md) for a simple code-based demo. +![image](./resource/images/INC_GUI.gif) + +### Usage - Git LFS + +On default, cloning this repository will not download any ONNX models. Install Git LFS with `pip install git-lfs`. + +To download a specific model: +`git lfs pull --include="[path to model].onnx" --exclude=""` + +To download all models: +`git lfs pull --include="*" --exclude=""` + +### Usage - Model visualization +You can see visualizations of each model's network architecture by using [Netron](https://github.com/lutzroeder/Netron). + +## Contributions +Do you want to contribute a model? To get started, pick any model presented above with the [contribute](contribute.md) link under the Description column. The links point to a page containing guidelines for making a contribution. + +# License + +[Apache License v2.0](LICENSE) diff --git a/text/machine_comprehension/bert-squad/BERT-Squad.ipynb b/archive/text/machine_comprehension/bert-squad/BERT-Squad.ipynb similarity index 100% rename from text/machine_comprehension/bert-squad/BERT-Squad.ipynb rename to archive/text/machine_comprehension/bert-squad/BERT-Squad.ipynb diff --git a/text/machine_comprehension/bert-squad/README.md b/archive/text/machine_comprehension/bert-squad/README.md similarity index 100% rename from text/machine_comprehension/bert-squad/README.md rename to archive/text/machine_comprehension/bert-squad/README.md diff --git a/text/machine_comprehension/bert-squad/dependencies/run_onnx_squad.py b/archive/text/machine_comprehension/bert-squad/dependencies/run_onnx_squad.py similarity index 100% rename from text/machine_comprehension/bert-squad/dependencies/run_onnx_squad.py rename to archive/text/machine_comprehension/bert-squad/dependencies/run_onnx_squad.py diff --git a/text/machine_comprehension/bert-squad/dependencies/tokenization.py b/archive/text/machine_comprehension/bert-squad/dependencies/tokenization.py similarity index 100% rename from text/machine_comprehension/bert-squad/dependencies/tokenization.py rename to archive/text/machine_comprehension/bert-squad/dependencies/tokenization.py diff --git a/text/machine_comprehension/bert-squad/model/bertsquad-10.onnx b/archive/text/machine_comprehension/bert-squad/model/bertsquad-10.onnx similarity index 100% rename from text/machine_comprehension/bert-squad/model/bertsquad-10.onnx rename to archive/text/machine_comprehension/bert-squad/model/bertsquad-10.onnx diff --git a/text/machine_comprehension/bert-squad/model/bertsquad-10.tar.gz b/archive/text/machine_comprehension/bert-squad/model/bertsquad-10.tar.gz similarity index 100% rename from text/machine_comprehension/bert-squad/model/bertsquad-10.tar.gz rename to archive/text/machine_comprehension/bert-squad/model/bertsquad-10.tar.gz diff --git a/text/machine_comprehension/bert-squad/model/bertsquad-12-int8.onnx b/archive/text/machine_comprehension/bert-squad/model/bertsquad-12-int8.onnx similarity index 100% rename from text/machine_comprehension/bert-squad/model/bertsquad-12-int8.onnx rename to archive/text/machine_comprehension/bert-squad/model/bertsquad-12-int8.onnx diff --git a/text/machine_comprehension/bert-squad/model/bertsquad-12-int8.tar.gz b/archive/text/machine_comprehension/bert-squad/model/bertsquad-12-int8.tar.gz similarity index 100% rename from text/machine_comprehension/bert-squad/model/bertsquad-12-int8.tar.gz rename to archive/text/machine_comprehension/bert-squad/model/bertsquad-12-int8.tar.gz diff --git a/text/machine_comprehension/bert-squad/model/bertsquad-12.onnx b/archive/text/machine_comprehension/bert-squad/model/bertsquad-12.onnx similarity index 100% rename from text/machine_comprehension/bert-squad/model/bertsquad-12.onnx rename to archive/text/machine_comprehension/bert-squad/model/bertsquad-12.onnx diff --git a/text/machine_comprehension/bert-squad/model/bertsquad-12.tar.gz b/archive/text/machine_comprehension/bert-squad/model/bertsquad-12.tar.gz similarity index 100% rename from text/machine_comprehension/bert-squad/model/bertsquad-12.tar.gz rename to archive/text/machine_comprehension/bert-squad/model/bertsquad-12.tar.gz diff --git a/text/machine_comprehension/bert-squad/model/bertsquad-8.onnx b/archive/text/machine_comprehension/bert-squad/model/bertsquad-8.onnx similarity index 100% rename from text/machine_comprehension/bert-squad/model/bertsquad-8.onnx rename to archive/text/machine_comprehension/bert-squad/model/bertsquad-8.onnx diff --git a/text/machine_comprehension/bert-squad/model/bertsquad-8.tar.gz b/archive/text/machine_comprehension/bert-squad/model/bertsquad-8.tar.gz similarity index 100% rename from text/machine_comprehension/bert-squad/model/bertsquad-8.tar.gz rename to archive/text/machine_comprehension/bert-squad/model/bertsquad-8.tar.gz diff --git a/text/machine_comprehension/bidirectional_attention_flow/README.md b/archive/text/machine_comprehension/bidirectional_attention_flow/README.md similarity index 100% rename from text/machine_comprehension/bidirectional_attention_flow/README.md rename to archive/text/machine_comprehension/bidirectional_attention_flow/README.md diff --git a/text/machine_comprehension/bidirectional_attention_flow/model/bidaf-11-int8.onnx b/archive/text/machine_comprehension/bidirectional_attention_flow/model/bidaf-11-int8.onnx similarity index 100% rename from text/machine_comprehension/bidirectional_attention_flow/model/bidaf-11-int8.onnx rename to archive/text/machine_comprehension/bidirectional_attention_flow/model/bidaf-11-int8.onnx diff --git a/text/machine_comprehension/bidirectional_attention_flow/model/bidaf-11-int8.tar.gz b/archive/text/machine_comprehension/bidirectional_attention_flow/model/bidaf-11-int8.tar.gz similarity index 100% rename from text/machine_comprehension/bidirectional_attention_flow/model/bidaf-11-int8.tar.gz rename to archive/text/machine_comprehension/bidirectional_attention_flow/model/bidaf-11-int8.tar.gz diff --git a/text/machine_comprehension/bidirectional_attention_flow/model/bidaf-9.onnx b/archive/text/machine_comprehension/bidirectional_attention_flow/model/bidaf-9.onnx similarity index 100% rename from text/machine_comprehension/bidirectional_attention_flow/model/bidaf-9.onnx rename to archive/text/machine_comprehension/bidirectional_attention_flow/model/bidaf-9.onnx diff --git a/text/machine_comprehension/bidirectional_attention_flow/model/bidaf-9.tar.gz b/archive/text/machine_comprehension/bidirectional_attention_flow/model/bidaf-9.tar.gz similarity index 100% rename from text/machine_comprehension/bidirectional_attention_flow/model/bidaf-9.tar.gz rename to archive/text/machine_comprehension/bidirectional_attention_flow/model/bidaf-9.tar.gz diff --git a/text/machine_comprehension/gpt-2/README.md b/archive/text/machine_comprehension/gpt-2/README.md similarity index 100% rename from text/machine_comprehension/gpt-2/README.md rename to archive/text/machine_comprehension/gpt-2/README.md diff --git a/text/machine_comprehension/gpt-2/dependencies/GPT2-export.py b/archive/text/machine_comprehension/gpt-2/dependencies/GPT2-export.py similarity index 100% rename from text/machine_comprehension/gpt-2/dependencies/GPT2-export.py rename to archive/text/machine_comprehension/gpt-2/dependencies/GPT2-export.py diff --git a/text/machine_comprehension/gpt-2/model/gpt2-10.onnx b/archive/text/machine_comprehension/gpt-2/model/gpt2-10.onnx similarity index 100% rename from text/machine_comprehension/gpt-2/model/gpt2-10.onnx rename to archive/text/machine_comprehension/gpt-2/model/gpt2-10.onnx diff --git a/text/machine_comprehension/gpt-2/model/gpt2-10.tar.gz b/archive/text/machine_comprehension/gpt-2/model/gpt2-10.tar.gz similarity index 100% rename from text/machine_comprehension/gpt-2/model/gpt2-10.tar.gz rename to archive/text/machine_comprehension/gpt-2/model/gpt2-10.tar.gz diff --git a/text/machine_comprehension/gpt-2/model/gpt2-lm-head-10.onnx b/archive/text/machine_comprehension/gpt-2/model/gpt2-lm-head-10.onnx similarity index 100% rename from text/machine_comprehension/gpt-2/model/gpt2-lm-head-10.onnx rename to archive/text/machine_comprehension/gpt-2/model/gpt2-lm-head-10.onnx diff --git a/text/machine_comprehension/gpt-2/model/gpt2-lm-head-10.tar.gz b/archive/text/machine_comprehension/gpt-2/model/gpt2-lm-head-10.tar.gz similarity index 100% rename from text/machine_comprehension/gpt-2/model/gpt2-lm-head-10.tar.gz rename to archive/text/machine_comprehension/gpt-2/model/gpt2-lm-head-10.tar.gz diff --git a/text/machine_comprehension/gpt2-bs/README.md b/archive/text/machine_comprehension/gpt2-bs/README.md similarity index 100% rename from text/machine_comprehension/gpt2-bs/README.md rename to archive/text/machine_comprehension/gpt2-bs/README.md diff --git a/text/machine_comprehension/gpt2-bs/model/gpt2-lm-head-bs-12.onnx b/archive/text/machine_comprehension/gpt2-bs/model/gpt2-lm-head-bs-12.onnx similarity index 100% rename from text/machine_comprehension/gpt2-bs/model/gpt2-lm-head-bs-12.onnx rename to archive/text/machine_comprehension/gpt2-bs/model/gpt2-lm-head-bs-12.onnx diff --git a/text/machine_comprehension/roberta/README.md b/archive/text/machine_comprehension/roberta/README.md similarity index 100% rename from text/machine_comprehension/roberta/README.md rename to archive/text/machine_comprehension/roberta/README.md diff --git a/text/machine_comprehension/roberta/dependencies/roberta-sequence-classification-inference.ipynb b/archive/text/machine_comprehension/roberta/dependencies/roberta-sequence-classification-inference.ipynb similarity index 100% rename from text/machine_comprehension/roberta/dependencies/roberta-sequence-classification-inference.ipynb rename to archive/text/machine_comprehension/roberta/dependencies/roberta-sequence-classification-inference.ipynb diff --git a/text/machine_comprehension/roberta/dependencies/roberta-sequence-classification-validation.ipynb b/archive/text/machine_comprehension/roberta/dependencies/roberta-sequence-classification-validation.ipynb similarity index 100% rename from text/machine_comprehension/roberta/dependencies/roberta-sequence-classification-validation.ipynb rename to archive/text/machine_comprehension/roberta/dependencies/roberta-sequence-classification-validation.ipynb diff --git a/text/machine_comprehension/roberta/model/roberta-base-11.onnx b/archive/text/machine_comprehension/roberta/model/roberta-base-11.onnx similarity index 100% rename from text/machine_comprehension/roberta/model/roberta-base-11.onnx rename to archive/text/machine_comprehension/roberta/model/roberta-base-11.onnx diff --git a/text/machine_comprehension/roberta/model/roberta-base-11.tar.gz b/archive/text/machine_comprehension/roberta/model/roberta-base-11.tar.gz similarity index 100% rename from text/machine_comprehension/roberta/model/roberta-base-11.tar.gz rename to archive/text/machine_comprehension/roberta/model/roberta-base-11.tar.gz diff --git a/text/machine_comprehension/roberta/model/roberta-sequence-classification-9.onnx b/archive/text/machine_comprehension/roberta/model/roberta-sequence-classification-9.onnx similarity index 100% rename from text/machine_comprehension/roberta/model/roberta-sequence-classification-9.onnx rename to archive/text/machine_comprehension/roberta/model/roberta-sequence-classification-9.onnx diff --git a/text/machine_comprehension/roberta/model/roberta-sequence-classification-9.tar.gz b/archive/text/machine_comprehension/roberta/model/roberta-sequence-classification-9.tar.gz similarity index 100% rename from text/machine_comprehension/roberta/model/roberta-sequence-classification-9.tar.gz rename to archive/text/machine_comprehension/roberta/model/roberta-sequence-classification-9.tar.gz diff --git a/text/machine_comprehension/t5/README.md b/archive/text/machine_comprehension/t5/README.md similarity index 100% rename from text/machine_comprehension/t5/README.md rename to archive/text/machine_comprehension/t5/README.md diff --git a/text/machine_comprehension/t5/dependencies/T5-export.py b/archive/text/machine_comprehension/t5/dependencies/T5-export.py similarity index 100% rename from text/machine_comprehension/t5/dependencies/T5-export.py rename to archive/text/machine_comprehension/t5/dependencies/T5-export.py diff --git a/text/machine_comprehension/t5/dependencies/models.py b/archive/text/machine_comprehension/t5/dependencies/models.py similarity index 100% rename from text/machine_comprehension/t5/dependencies/models.py rename to archive/text/machine_comprehension/t5/dependencies/models.py diff --git a/text/machine_comprehension/t5/model/t5-decoder-with-lm-head-12.onnx b/archive/text/machine_comprehension/t5/model/t5-decoder-with-lm-head-12.onnx similarity index 100% rename from text/machine_comprehension/t5/model/t5-decoder-with-lm-head-12.onnx rename to archive/text/machine_comprehension/t5/model/t5-decoder-with-lm-head-12.onnx diff --git a/text/machine_comprehension/t5/model/t5-decoder-with-lm-head-12.tar.gz b/archive/text/machine_comprehension/t5/model/t5-decoder-with-lm-head-12.tar.gz similarity index 100% rename from text/machine_comprehension/t5/model/t5-decoder-with-lm-head-12.tar.gz rename to archive/text/machine_comprehension/t5/model/t5-decoder-with-lm-head-12.tar.gz diff --git a/text/machine_comprehension/t5/model/t5-encoder-12.onnx b/archive/text/machine_comprehension/t5/model/t5-encoder-12.onnx similarity index 100% rename from text/machine_comprehension/t5/model/t5-encoder-12.onnx rename to archive/text/machine_comprehension/t5/model/t5-encoder-12.onnx diff --git a/text/machine_comprehension/t5/model/t5-encoder-12.tar.gz b/archive/text/machine_comprehension/t5/model/t5-encoder-12.tar.gz similarity index 100% rename from text/machine_comprehension/t5/model/t5-encoder-12.tar.gz rename to archive/text/machine_comprehension/t5/model/t5-encoder-12.tar.gz diff --git a/vision/body_analysis/age_gender/README.md b/archive/vision/body_analysis/age_gender/README.md similarity index 100% rename from vision/body_analysis/age_gender/README.md rename to archive/vision/body_analysis/age_gender/README.md diff --git a/vision/body_analysis/age_gender/dependencies/baby.jpg b/archive/vision/body_analysis/age_gender/dependencies/baby.jpg similarity index 100% rename from vision/body_analysis/age_gender/dependencies/baby.jpg rename to archive/vision/body_analysis/age_gender/dependencies/baby.jpg diff --git a/vision/body_analysis/age_gender/dependencies/bella.jpg b/archive/vision/body_analysis/age_gender/dependencies/bella.jpg similarity index 100% rename from vision/body_analysis/age_gender/dependencies/bella.jpg rename to archive/vision/body_analysis/age_gender/dependencies/bella.jpg diff --git a/vision/body_analysis/age_gender/dependencies/bruce.jpg b/archive/vision/body_analysis/age_gender/dependencies/bruce.jpg similarity index 100% rename from vision/body_analysis/age_gender/dependencies/bruce.jpg rename to archive/vision/body_analysis/age_gender/dependencies/bruce.jpg diff --git a/vision/body_analysis/age_gender/dependencies/kid.jpg b/archive/vision/body_analysis/age_gender/dependencies/kid.jpg similarity index 100% rename from vision/body_analysis/age_gender/dependencies/kid.jpg rename to archive/vision/body_analysis/age_gender/dependencies/kid.jpg diff --git a/vision/body_analysis/age_gender/levi_googlenet.py b/archive/vision/body_analysis/age_gender/levi_googlenet.py similarity index 100% rename from vision/body_analysis/age_gender/levi_googlenet.py rename to archive/vision/body_analysis/age_gender/levi_googlenet.py diff --git a/vision/body_analysis/age_gender/models/age_googlenet.onnx b/archive/vision/body_analysis/age_gender/models/age_googlenet.onnx similarity index 100% rename from vision/body_analysis/age_gender/models/age_googlenet.onnx rename to archive/vision/body_analysis/age_gender/models/age_googlenet.onnx diff --git a/vision/body_analysis/age_gender/models/gender_googlenet.onnx b/archive/vision/body_analysis/age_gender/models/gender_googlenet.onnx similarity index 100% rename from vision/body_analysis/age_gender/models/gender_googlenet.onnx rename to archive/vision/body_analysis/age_gender/models/gender_googlenet.onnx diff --git a/vision/body_analysis/age_gender/models/vgg_ilsvrc_16_age_chalearn_iccv2015.onnx b/archive/vision/body_analysis/age_gender/models/vgg_ilsvrc_16_age_chalearn_iccv2015.onnx similarity index 100% rename from vision/body_analysis/age_gender/models/vgg_ilsvrc_16_age_chalearn_iccv2015.onnx rename to archive/vision/body_analysis/age_gender/models/vgg_ilsvrc_16_age_chalearn_iccv2015.onnx diff --git a/vision/body_analysis/age_gender/models/vgg_ilsvrc_16_age_imdb_wiki.onnx b/archive/vision/body_analysis/age_gender/models/vgg_ilsvrc_16_age_imdb_wiki.onnx similarity index 100% rename from vision/body_analysis/age_gender/models/vgg_ilsvrc_16_age_imdb_wiki.onnx rename to archive/vision/body_analysis/age_gender/models/vgg_ilsvrc_16_age_imdb_wiki.onnx diff --git a/vision/body_analysis/age_gender/models/vgg_ilsvrc_16_gender_imdb_wiki.onnx b/archive/vision/body_analysis/age_gender/models/vgg_ilsvrc_16_gender_imdb_wiki.onnx similarity index 100% rename from vision/body_analysis/age_gender/models/vgg_ilsvrc_16_gender_imdb_wiki.onnx rename to archive/vision/body_analysis/age_gender/models/vgg_ilsvrc_16_gender_imdb_wiki.onnx diff --git a/vision/body_analysis/age_gender/rothe_vgg.py b/archive/vision/body_analysis/age_gender/rothe_vgg.py similarity index 100% rename from vision/body_analysis/age_gender/rothe_vgg.py rename to archive/vision/body_analysis/age_gender/rothe_vgg.py diff --git a/vision/body_analysis/arcface/README.md b/archive/vision/body_analysis/arcface/README.md similarity index 100% rename from vision/body_analysis/arcface/README.md rename to archive/vision/body_analysis/arcface/README.md diff --git a/vision/body_analysis/arcface/dependencies/arcface_inference.ipynb b/archive/vision/body_analysis/arcface/dependencies/arcface_inference.ipynb similarity index 100% rename from vision/body_analysis/arcface/dependencies/arcface_inference.ipynb rename to archive/vision/body_analysis/arcface/dependencies/arcface_inference.ipynb diff --git a/vision/body_analysis/arcface/dependencies/arcface_validation.ipynb b/archive/vision/body_analysis/arcface/dependencies/arcface_validation.ipynb similarity index 100% rename from vision/body_analysis/arcface/dependencies/arcface_validation.ipynb rename to archive/vision/body_analysis/arcface/dependencies/arcface_validation.ipynb diff --git a/vision/body_analysis/arcface/dependencies/face_image.py b/archive/vision/body_analysis/arcface/dependencies/face_image.py similarity index 100% rename from vision/body_analysis/arcface/dependencies/face_image.py rename to archive/vision/body_analysis/arcface/dependencies/face_image.py diff --git a/vision/body_analysis/arcface/dependencies/face_postprocess.py b/archive/vision/body_analysis/arcface/dependencies/face_postprocess.py similarity index 100% rename from vision/body_analysis/arcface/dependencies/face_postprocess.py rename to archive/vision/body_analysis/arcface/dependencies/face_postprocess.py diff --git a/vision/body_analysis/arcface/dependencies/face_preprocess.py b/archive/vision/body_analysis/arcface/dependencies/face_preprocess.py similarity index 100% rename from vision/body_analysis/arcface/dependencies/face_preprocess.py rename to archive/vision/body_analysis/arcface/dependencies/face_preprocess.py diff --git a/vision/body_analysis/arcface/dependencies/fresnet.py b/archive/vision/body_analysis/arcface/dependencies/fresnet.py similarity index 100% rename from vision/body_analysis/arcface/dependencies/fresnet.py rename to archive/vision/body_analysis/arcface/dependencies/fresnet.py diff --git a/vision/body_analysis/arcface/dependencies/helper.py b/archive/vision/body_analysis/arcface/dependencies/helper.py similarity index 100% rename from vision/body_analysis/arcface/dependencies/helper.py rename to archive/vision/body_analysis/arcface/dependencies/helper.py diff --git a/vision/body_analysis/arcface/dependencies/image_iter.py b/archive/vision/body_analysis/arcface/dependencies/image_iter.py similarity index 100% rename from vision/body_analysis/arcface/dependencies/image_iter.py rename to archive/vision/body_analysis/arcface/dependencies/image_iter.py diff --git a/vision/body_analysis/arcface/dependencies/mtcnn_detector.py b/archive/vision/body_analysis/arcface/dependencies/mtcnn_detector.py similarity index 100% rename from vision/body_analysis/arcface/dependencies/mtcnn_detector.py rename to archive/vision/body_analysis/arcface/dependencies/mtcnn_detector.py diff --git a/vision/body_analysis/arcface/dependencies/symbol_utils.py b/archive/vision/body_analysis/arcface/dependencies/symbol_utils.py similarity index 100% rename from vision/body_analysis/arcface/dependencies/symbol_utils.py rename to archive/vision/body_analysis/arcface/dependencies/symbol_utils.py diff --git a/vision/body_analysis/arcface/dependencies/train_arcface.ipynb b/archive/vision/body_analysis/arcface/dependencies/train_arcface.ipynb similarity index 100% rename from vision/body_analysis/arcface/dependencies/train_arcface.ipynb rename to archive/vision/body_analysis/arcface/dependencies/train_arcface.ipynb diff --git a/vision/body_analysis/arcface/dependencies/verification.py b/archive/vision/body_analysis/arcface/dependencies/verification.py similarity index 100% rename from vision/body_analysis/arcface/dependencies/verification.py rename to archive/vision/body_analysis/arcface/dependencies/verification.py diff --git a/vision/body_analysis/arcface/model/arcfaceresnet100-11-int8.onnx b/archive/vision/body_analysis/arcface/model/arcfaceresnet100-11-int8.onnx similarity index 100% rename from vision/body_analysis/arcface/model/arcfaceresnet100-11-int8.onnx rename to archive/vision/body_analysis/arcface/model/arcfaceresnet100-11-int8.onnx diff --git a/vision/body_analysis/arcface/model/arcfaceresnet100-11-int8.tar.gz b/archive/vision/body_analysis/arcface/model/arcfaceresnet100-11-int8.tar.gz similarity index 100% rename from vision/body_analysis/arcface/model/arcfaceresnet100-11-int8.tar.gz rename to archive/vision/body_analysis/arcface/model/arcfaceresnet100-11-int8.tar.gz diff --git a/vision/body_analysis/arcface/model/arcfaceresnet100-8.onnx b/archive/vision/body_analysis/arcface/model/arcfaceresnet100-8.onnx similarity index 100% rename from vision/body_analysis/arcface/model/arcfaceresnet100-8.onnx rename to archive/vision/body_analysis/arcface/model/arcfaceresnet100-8.onnx diff --git a/vision/body_analysis/arcface/model/arcfaceresnet100-8.tar.gz b/archive/vision/body_analysis/arcface/model/arcfaceresnet100-8.tar.gz similarity index 100% rename from vision/body_analysis/arcface/model/arcfaceresnet100-8.tar.gz rename to archive/vision/body_analysis/arcface/model/arcfaceresnet100-8.tar.gz diff --git a/vision/body_analysis/emotion_ferplus/README.md b/archive/vision/body_analysis/emotion_ferplus/README.md similarity index 100% rename from vision/body_analysis/emotion_ferplus/README.md rename to archive/vision/body_analysis/emotion_ferplus/README.md diff --git a/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-12-int8.onnx b/archive/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-12-int8.onnx similarity index 100% rename from vision/body_analysis/emotion_ferplus/model/emotion-ferplus-12-int8.onnx rename to archive/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-12-int8.onnx diff --git a/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-12-int8.tar.gz b/archive/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-12-int8.tar.gz similarity index 100% rename from vision/body_analysis/emotion_ferplus/model/emotion-ferplus-12-int8.tar.gz rename to archive/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-12-int8.tar.gz diff --git a/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-2.onnx b/archive/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-2.onnx similarity index 100% rename from vision/body_analysis/emotion_ferplus/model/emotion-ferplus-2.onnx rename to archive/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-2.onnx diff --git a/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-2.tar.gz b/archive/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-2.tar.gz similarity index 100% rename from vision/body_analysis/emotion_ferplus/model/emotion-ferplus-2.tar.gz rename to archive/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-2.tar.gz diff --git a/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-7.onnx b/archive/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-7.onnx similarity index 100% rename from vision/body_analysis/emotion_ferplus/model/emotion-ferplus-7.onnx rename to archive/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-7.onnx diff --git a/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-7.tar.gz b/archive/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-7.tar.gz similarity index 100% rename from vision/body_analysis/emotion_ferplus/model/emotion-ferplus-7.tar.gz rename to archive/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-7.tar.gz diff --git a/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-8.onnx b/archive/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-8.onnx similarity index 100% rename from vision/body_analysis/emotion_ferplus/model/emotion-ferplus-8.onnx rename to archive/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-8.onnx diff --git a/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-8.tar.gz b/archive/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-8.tar.gz similarity index 100% rename from vision/body_analysis/emotion_ferplus/model/emotion-ferplus-8.tar.gz rename to archive/vision/body_analysis/emotion_ferplus/model/emotion-ferplus-8.tar.gz diff --git a/vision/body_analysis/ultraface/README.md b/archive/vision/body_analysis/ultraface/README.md similarity index 100% rename from vision/body_analysis/ultraface/README.md rename to archive/vision/body_analysis/ultraface/README.md diff --git a/vision/body_analysis/ultraface/demo.py b/archive/vision/body_analysis/ultraface/demo.py similarity index 100% rename from vision/body_analysis/ultraface/demo.py rename to archive/vision/body_analysis/ultraface/demo.py diff --git a/vision/body_analysis/ultraface/dependencies/1.jpg b/archive/vision/body_analysis/ultraface/dependencies/1.jpg similarity index 100% rename from vision/body_analysis/ultraface/dependencies/1.jpg rename to archive/vision/body_analysis/ultraface/dependencies/1.jpg diff --git a/vision/body_analysis/ultraface/dependencies/2.jpg b/archive/vision/body_analysis/ultraface/dependencies/2.jpg similarity index 100% rename from vision/body_analysis/ultraface/dependencies/2.jpg rename to archive/vision/body_analysis/ultraface/dependencies/2.jpg diff --git a/vision/body_analysis/ultraface/dependencies/3.jpg b/archive/vision/body_analysis/ultraface/dependencies/3.jpg similarity index 100% rename from vision/body_analysis/ultraface/dependencies/3.jpg rename to archive/vision/body_analysis/ultraface/dependencies/3.jpg diff --git a/vision/body_analysis/ultraface/dependencies/box_utils.py b/archive/vision/body_analysis/ultraface/dependencies/box_utils.py similarity index 100% rename from vision/body_analysis/ultraface/dependencies/box_utils.py rename to archive/vision/body_analysis/ultraface/dependencies/box_utils.py diff --git a/vision/body_analysis/ultraface/models/version-RFB-320-int8.onnx b/archive/vision/body_analysis/ultraface/models/version-RFB-320-int8.onnx similarity index 100% rename from vision/body_analysis/ultraface/models/version-RFB-320-int8.onnx rename to archive/vision/body_analysis/ultraface/models/version-RFB-320-int8.onnx diff --git a/vision/body_analysis/ultraface/models/version-RFB-320-int8.tar.gz b/archive/vision/body_analysis/ultraface/models/version-RFB-320-int8.tar.gz similarity index 100% rename from vision/body_analysis/ultraface/models/version-RFB-320-int8.tar.gz rename to archive/vision/body_analysis/ultraface/models/version-RFB-320-int8.tar.gz diff --git a/vision/body_analysis/ultraface/models/version-RFB-320.onnx b/archive/vision/body_analysis/ultraface/models/version-RFB-320.onnx similarity index 100% rename from vision/body_analysis/ultraface/models/version-RFB-320.onnx rename to archive/vision/body_analysis/ultraface/models/version-RFB-320.onnx diff --git a/vision/body_analysis/ultraface/models/version-RFB-320.tar.gz b/archive/vision/body_analysis/ultraface/models/version-RFB-320.tar.gz similarity index 100% rename from vision/body_analysis/ultraface/models/version-RFB-320.tar.gz rename to archive/vision/body_analysis/ultraface/models/version-RFB-320.tar.gz diff --git a/vision/body_analysis/ultraface/models/version-RFB-640.onnx b/archive/vision/body_analysis/ultraface/models/version-RFB-640.onnx similarity index 100% rename from vision/body_analysis/ultraface/models/version-RFB-640.onnx rename to archive/vision/body_analysis/ultraface/models/version-RFB-640.onnx diff --git a/vision/body_analysis/ultraface/models/version-RFB-640.tar.gz b/archive/vision/body_analysis/ultraface/models/version-RFB-640.tar.gz similarity index 100% rename from vision/body_analysis/ultraface/models/version-RFB-640.tar.gz rename to archive/vision/body_analysis/ultraface/models/version-RFB-640.tar.gz diff --git a/vision/classification/alexnet/LICENSE b/archive/vision/classification/alexnet/LICENSE similarity index 100% rename from vision/classification/alexnet/LICENSE rename to archive/vision/classification/alexnet/LICENSE diff --git a/vision/classification/alexnet/README.md b/archive/vision/classification/alexnet/README.md similarity index 100% rename from vision/classification/alexnet/README.md rename to archive/vision/classification/alexnet/README.md diff --git a/vision/classification/alexnet/model/bvlcalexnet-12-int8.onnx b/archive/vision/classification/alexnet/model/bvlcalexnet-12-int8.onnx similarity index 100% rename from vision/classification/alexnet/model/bvlcalexnet-12-int8.onnx rename to archive/vision/classification/alexnet/model/bvlcalexnet-12-int8.onnx diff --git a/vision/classification/alexnet/model/bvlcalexnet-12-int8.tar.gz b/archive/vision/classification/alexnet/model/bvlcalexnet-12-int8.tar.gz similarity index 100% rename from vision/classification/alexnet/model/bvlcalexnet-12-int8.tar.gz rename to archive/vision/classification/alexnet/model/bvlcalexnet-12-int8.tar.gz diff --git a/vision/classification/alexnet/model/bvlcalexnet-12-qdq.onnx b/archive/vision/classification/alexnet/model/bvlcalexnet-12-qdq.onnx similarity index 100% rename from vision/classification/alexnet/model/bvlcalexnet-12-qdq.onnx rename to archive/vision/classification/alexnet/model/bvlcalexnet-12-qdq.onnx diff --git a/vision/classification/alexnet/model/bvlcalexnet-12-qdq.tar.gz b/archive/vision/classification/alexnet/model/bvlcalexnet-12-qdq.tar.gz similarity index 100% rename from vision/classification/alexnet/model/bvlcalexnet-12-qdq.tar.gz rename to archive/vision/classification/alexnet/model/bvlcalexnet-12-qdq.tar.gz diff --git a/vision/classification/alexnet/model/bvlcalexnet-12.onnx b/archive/vision/classification/alexnet/model/bvlcalexnet-12.onnx similarity index 100% rename from vision/classification/alexnet/model/bvlcalexnet-12.onnx rename to archive/vision/classification/alexnet/model/bvlcalexnet-12.onnx diff --git a/vision/classification/alexnet/model/bvlcalexnet-12.tar.gz b/archive/vision/classification/alexnet/model/bvlcalexnet-12.tar.gz similarity index 100% rename from vision/classification/alexnet/model/bvlcalexnet-12.tar.gz rename to archive/vision/classification/alexnet/model/bvlcalexnet-12.tar.gz diff --git a/vision/classification/alexnet/model/bvlcalexnet-3.onnx b/archive/vision/classification/alexnet/model/bvlcalexnet-3.onnx similarity index 100% rename from vision/classification/alexnet/model/bvlcalexnet-3.onnx rename to archive/vision/classification/alexnet/model/bvlcalexnet-3.onnx diff --git a/vision/classification/alexnet/model/bvlcalexnet-3.tar.gz b/archive/vision/classification/alexnet/model/bvlcalexnet-3.tar.gz similarity index 100% rename from vision/classification/alexnet/model/bvlcalexnet-3.tar.gz rename to archive/vision/classification/alexnet/model/bvlcalexnet-3.tar.gz diff --git a/vision/classification/alexnet/model/bvlcalexnet-6.onnx b/archive/vision/classification/alexnet/model/bvlcalexnet-6.onnx similarity index 100% rename from vision/classification/alexnet/model/bvlcalexnet-6.onnx rename to archive/vision/classification/alexnet/model/bvlcalexnet-6.onnx diff --git a/vision/classification/alexnet/model/bvlcalexnet-6.tar.gz b/archive/vision/classification/alexnet/model/bvlcalexnet-6.tar.gz similarity index 100% rename from vision/classification/alexnet/model/bvlcalexnet-6.tar.gz rename to archive/vision/classification/alexnet/model/bvlcalexnet-6.tar.gz diff --git a/vision/classification/alexnet/model/bvlcalexnet-7.onnx b/archive/vision/classification/alexnet/model/bvlcalexnet-7.onnx similarity index 100% rename from vision/classification/alexnet/model/bvlcalexnet-7.onnx rename to archive/vision/classification/alexnet/model/bvlcalexnet-7.onnx diff --git a/vision/classification/alexnet/model/bvlcalexnet-7.tar.gz b/archive/vision/classification/alexnet/model/bvlcalexnet-7.tar.gz similarity index 100% rename from vision/classification/alexnet/model/bvlcalexnet-7.tar.gz rename to archive/vision/classification/alexnet/model/bvlcalexnet-7.tar.gz diff --git a/vision/classification/alexnet/model/bvlcalexnet-8.onnx b/archive/vision/classification/alexnet/model/bvlcalexnet-8.onnx similarity index 100% rename from vision/classification/alexnet/model/bvlcalexnet-8.onnx rename to archive/vision/classification/alexnet/model/bvlcalexnet-8.onnx diff --git a/vision/classification/alexnet/model/bvlcalexnet-8.tar.gz b/archive/vision/classification/alexnet/model/bvlcalexnet-8.tar.gz similarity index 100% rename from vision/classification/alexnet/model/bvlcalexnet-8.tar.gz rename to archive/vision/classification/alexnet/model/bvlcalexnet-8.tar.gz diff --git a/vision/classification/alexnet/model/bvlcalexnet-9.onnx b/archive/vision/classification/alexnet/model/bvlcalexnet-9.onnx similarity index 100% rename from vision/classification/alexnet/model/bvlcalexnet-9.onnx rename to archive/vision/classification/alexnet/model/bvlcalexnet-9.onnx diff --git a/vision/classification/alexnet/model/bvlcalexnet-9.tar.gz b/archive/vision/classification/alexnet/model/bvlcalexnet-9.tar.gz similarity index 100% rename from vision/classification/alexnet/model/bvlcalexnet-9.tar.gz rename to archive/vision/classification/alexnet/model/bvlcalexnet-9.tar.gz diff --git a/vision/classification/caffenet/LICENSE b/archive/vision/classification/caffenet/LICENSE similarity index 100% rename from vision/classification/caffenet/LICENSE rename to archive/vision/classification/caffenet/LICENSE diff --git a/vision/classification/caffenet/README.md b/archive/vision/classification/caffenet/README.md similarity index 100% rename from vision/classification/caffenet/README.md rename to archive/vision/classification/caffenet/README.md diff --git a/vision/classification/caffenet/model/caffenet-12-int8.onnx b/archive/vision/classification/caffenet/model/caffenet-12-int8.onnx similarity index 100% rename from vision/classification/caffenet/model/caffenet-12-int8.onnx rename to archive/vision/classification/caffenet/model/caffenet-12-int8.onnx diff --git a/vision/classification/caffenet/model/caffenet-12-int8.tar.gz b/archive/vision/classification/caffenet/model/caffenet-12-int8.tar.gz similarity index 100% rename from vision/classification/caffenet/model/caffenet-12-int8.tar.gz rename to archive/vision/classification/caffenet/model/caffenet-12-int8.tar.gz diff --git a/vision/classification/caffenet/model/caffenet-12-qdq.onnx b/archive/vision/classification/caffenet/model/caffenet-12-qdq.onnx similarity index 100% rename from vision/classification/caffenet/model/caffenet-12-qdq.onnx rename to archive/vision/classification/caffenet/model/caffenet-12-qdq.onnx diff --git a/vision/classification/caffenet/model/caffenet-12-qdq.tar.gz b/archive/vision/classification/caffenet/model/caffenet-12-qdq.tar.gz similarity index 100% rename from vision/classification/caffenet/model/caffenet-12-qdq.tar.gz rename to archive/vision/classification/caffenet/model/caffenet-12-qdq.tar.gz diff --git a/vision/classification/caffenet/model/caffenet-12.onnx b/archive/vision/classification/caffenet/model/caffenet-12.onnx similarity index 100% rename from vision/classification/caffenet/model/caffenet-12.onnx rename to archive/vision/classification/caffenet/model/caffenet-12.onnx diff --git a/vision/classification/caffenet/model/caffenet-12.tar.gz b/archive/vision/classification/caffenet/model/caffenet-12.tar.gz similarity index 100% rename from vision/classification/caffenet/model/caffenet-12.tar.gz rename to archive/vision/classification/caffenet/model/caffenet-12.tar.gz diff --git a/vision/classification/caffenet/model/caffenet-3.onnx b/archive/vision/classification/caffenet/model/caffenet-3.onnx similarity index 100% rename from vision/classification/caffenet/model/caffenet-3.onnx rename to archive/vision/classification/caffenet/model/caffenet-3.onnx diff --git a/vision/classification/caffenet/model/caffenet-3.tar.gz b/archive/vision/classification/caffenet/model/caffenet-3.tar.gz similarity index 100% rename from vision/classification/caffenet/model/caffenet-3.tar.gz rename to archive/vision/classification/caffenet/model/caffenet-3.tar.gz diff --git a/vision/classification/caffenet/model/caffenet-6.onnx b/archive/vision/classification/caffenet/model/caffenet-6.onnx similarity index 100% rename from vision/classification/caffenet/model/caffenet-6.onnx rename to archive/vision/classification/caffenet/model/caffenet-6.onnx diff --git a/vision/classification/caffenet/model/caffenet-6.tar.gz b/archive/vision/classification/caffenet/model/caffenet-6.tar.gz similarity index 100% rename from vision/classification/caffenet/model/caffenet-6.tar.gz rename to archive/vision/classification/caffenet/model/caffenet-6.tar.gz diff --git a/vision/classification/caffenet/model/caffenet-7.onnx b/archive/vision/classification/caffenet/model/caffenet-7.onnx similarity index 100% rename from vision/classification/caffenet/model/caffenet-7.onnx rename to archive/vision/classification/caffenet/model/caffenet-7.onnx diff --git a/vision/classification/caffenet/model/caffenet-7.tar.gz b/archive/vision/classification/caffenet/model/caffenet-7.tar.gz similarity index 100% rename from vision/classification/caffenet/model/caffenet-7.tar.gz rename to archive/vision/classification/caffenet/model/caffenet-7.tar.gz diff --git a/vision/classification/caffenet/model/caffenet-8.onnx b/archive/vision/classification/caffenet/model/caffenet-8.onnx similarity index 100% rename from vision/classification/caffenet/model/caffenet-8.onnx rename to archive/vision/classification/caffenet/model/caffenet-8.onnx diff --git a/vision/classification/caffenet/model/caffenet-8.tar.gz b/archive/vision/classification/caffenet/model/caffenet-8.tar.gz similarity index 100% rename from vision/classification/caffenet/model/caffenet-8.tar.gz rename to archive/vision/classification/caffenet/model/caffenet-8.tar.gz diff --git a/vision/classification/caffenet/model/caffenet-9.onnx b/archive/vision/classification/caffenet/model/caffenet-9.onnx similarity index 100% rename from vision/classification/caffenet/model/caffenet-9.onnx rename to archive/vision/classification/caffenet/model/caffenet-9.onnx diff --git a/vision/classification/caffenet/model/caffenet-9.tar.gz b/archive/vision/classification/caffenet/model/caffenet-9.tar.gz similarity index 100% rename from vision/classification/caffenet/model/caffenet-9.tar.gz rename to archive/vision/classification/caffenet/model/caffenet-9.tar.gz diff --git a/vision/classification/densenet-121/README.md b/archive/vision/classification/densenet-121/README.md similarity index 100% rename from vision/classification/densenet-121/README.md rename to archive/vision/classification/densenet-121/README.md diff --git a/vision/classification/densenet-121/model/densenet-12-int8.onnx b/archive/vision/classification/densenet-121/model/densenet-12-int8.onnx similarity index 100% rename from vision/classification/densenet-121/model/densenet-12-int8.onnx rename to archive/vision/classification/densenet-121/model/densenet-12-int8.onnx diff --git a/vision/classification/densenet-121/model/densenet-12-int8.tar.gz b/archive/vision/classification/densenet-121/model/densenet-12-int8.tar.gz similarity index 100% rename from vision/classification/densenet-121/model/densenet-12-int8.tar.gz rename to archive/vision/classification/densenet-121/model/densenet-12-int8.tar.gz diff --git a/vision/classification/densenet-121/model/densenet-12.onnx b/archive/vision/classification/densenet-121/model/densenet-12.onnx similarity index 100% rename from vision/classification/densenet-121/model/densenet-12.onnx rename to archive/vision/classification/densenet-121/model/densenet-12.onnx diff --git a/vision/classification/densenet-121/model/densenet-12.tar.gz b/archive/vision/classification/densenet-121/model/densenet-12.tar.gz similarity index 100% rename from vision/classification/densenet-121/model/densenet-12.tar.gz rename to archive/vision/classification/densenet-121/model/densenet-12.tar.gz diff --git a/vision/classification/densenet-121/model/densenet-3.onnx b/archive/vision/classification/densenet-121/model/densenet-3.onnx similarity index 100% rename from vision/classification/densenet-121/model/densenet-3.onnx rename to archive/vision/classification/densenet-121/model/densenet-3.onnx diff --git a/vision/classification/densenet-121/model/densenet-3.tar.gz b/archive/vision/classification/densenet-121/model/densenet-3.tar.gz similarity index 100% rename from vision/classification/densenet-121/model/densenet-3.tar.gz rename to archive/vision/classification/densenet-121/model/densenet-3.tar.gz diff --git a/vision/classification/densenet-121/model/densenet-6.onnx b/archive/vision/classification/densenet-121/model/densenet-6.onnx similarity index 100% rename from vision/classification/densenet-121/model/densenet-6.onnx rename to archive/vision/classification/densenet-121/model/densenet-6.onnx diff --git a/vision/classification/densenet-121/model/densenet-6.tar.gz b/archive/vision/classification/densenet-121/model/densenet-6.tar.gz similarity index 100% rename from vision/classification/densenet-121/model/densenet-6.tar.gz rename to archive/vision/classification/densenet-121/model/densenet-6.tar.gz diff --git a/vision/classification/densenet-121/model/densenet-7.onnx b/archive/vision/classification/densenet-121/model/densenet-7.onnx similarity index 100% rename from vision/classification/densenet-121/model/densenet-7.onnx rename to archive/vision/classification/densenet-121/model/densenet-7.onnx diff --git a/vision/classification/densenet-121/model/densenet-7.tar.gz b/archive/vision/classification/densenet-121/model/densenet-7.tar.gz similarity index 100% rename from vision/classification/densenet-121/model/densenet-7.tar.gz rename to archive/vision/classification/densenet-121/model/densenet-7.tar.gz diff --git a/vision/classification/densenet-121/model/densenet-8.onnx b/archive/vision/classification/densenet-121/model/densenet-8.onnx similarity index 100% rename from vision/classification/densenet-121/model/densenet-8.onnx rename to archive/vision/classification/densenet-121/model/densenet-8.onnx diff --git a/vision/classification/densenet-121/model/densenet-8.tar.gz b/archive/vision/classification/densenet-121/model/densenet-8.tar.gz similarity index 100% rename from vision/classification/densenet-121/model/densenet-8.tar.gz rename to archive/vision/classification/densenet-121/model/densenet-8.tar.gz diff --git a/vision/classification/densenet-121/model/densenet-9.onnx b/archive/vision/classification/densenet-121/model/densenet-9.onnx similarity index 100% rename from vision/classification/densenet-121/model/densenet-9.onnx rename to archive/vision/classification/densenet-121/model/densenet-9.onnx diff --git a/vision/classification/densenet-121/model/densenet-9.tar.gz b/archive/vision/classification/densenet-121/model/densenet-9.tar.gz similarity index 100% rename from vision/classification/densenet-121/model/densenet-9.tar.gz rename to archive/vision/classification/densenet-121/model/densenet-9.tar.gz diff --git a/vision/classification/efficientnet-lite4/README.md b/archive/vision/classification/efficientnet-lite4/README.md similarity index 100% rename from vision/classification/efficientnet-lite4/README.md rename to archive/vision/classification/efficientnet-lite4/README.md diff --git a/vision/classification/efficientnet-lite4/dependencies/labels_map.txt b/archive/vision/classification/efficientnet-lite4/dependencies/labels_map.txt similarity index 100% rename from vision/classification/efficientnet-lite4/dependencies/labels_map.txt rename to archive/vision/classification/efficientnet-lite4/dependencies/labels_map.txt diff --git a/vision/classification/efficientnet-lite4/model/efficientnet-lite4-11-int8.onnx b/archive/vision/classification/efficientnet-lite4/model/efficientnet-lite4-11-int8.onnx similarity index 100% rename from vision/classification/efficientnet-lite4/model/efficientnet-lite4-11-int8.onnx rename to archive/vision/classification/efficientnet-lite4/model/efficientnet-lite4-11-int8.onnx diff --git a/vision/classification/efficientnet-lite4/model/efficientnet-lite4-11-int8.tar.gz b/archive/vision/classification/efficientnet-lite4/model/efficientnet-lite4-11-int8.tar.gz similarity index 100% rename from vision/classification/efficientnet-lite4/model/efficientnet-lite4-11-int8.tar.gz rename to archive/vision/classification/efficientnet-lite4/model/efficientnet-lite4-11-int8.tar.gz diff --git a/vision/classification/efficientnet-lite4/model/efficientnet-lite4-11-qdq.onnx b/archive/vision/classification/efficientnet-lite4/model/efficientnet-lite4-11-qdq.onnx similarity index 100% rename from vision/classification/efficientnet-lite4/model/efficientnet-lite4-11-qdq.onnx rename to archive/vision/classification/efficientnet-lite4/model/efficientnet-lite4-11-qdq.onnx diff --git a/vision/classification/efficientnet-lite4/model/efficientnet-lite4-11-qdq.tar.gz b/archive/vision/classification/efficientnet-lite4/model/efficientnet-lite4-11-qdq.tar.gz similarity index 100% rename from vision/classification/efficientnet-lite4/model/efficientnet-lite4-11-qdq.tar.gz rename to archive/vision/classification/efficientnet-lite4/model/efficientnet-lite4-11-qdq.tar.gz diff --git a/vision/classification/efficientnet-lite4/model/efficientnet-lite4-11.onnx b/archive/vision/classification/efficientnet-lite4/model/efficientnet-lite4-11.onnx similarity index 100% rename from vision/classification/efficientnet-lite4/model/efficientnet-lite4-11.onnx rename to archive/vision/classification/efficientnet-lite4/model/efficientnet-lite4-11.onnx diff --git a/vision/classification/efficientnet-lite4/model/efficientnet-lite4-11.tar.gz b/archive/vision/classification/efficientnet-lite4/model/efficientnet-lite4-11.tar.gz similarity index 100% rename from vision/classification/efficientnet-lite4/model/efficientnet-lite4-11.tar.gz rename to archive/vision/classification/efficientnet-lite4/model/efficientnet-lite4-11.tar.gz diff --git a/vision/classification/extract_imagenet.py b/archive/vision/classification/extract_imagenet.py similarity index 100% rename from vision/classification/extract_imagenet.py rename to archive/vision/classification/extract_imagenet.py diff --git a/vision/classification/imagenet_inference.ipynb b/archive/vision/classification/imagenet_inference.ipynb similarity index 100% rename from vision/classification/imagenet_inference.ipynb rename to archive/vision/classification/imagenet_inference.ipynb diff --git a/vision/classification/imagenet_postprocess.py b/archive/vision/classification/imagenet_postprocess.py similarity index 100% rename from vision/classification/imagenet_postprocess.py rename to archive/vision/classification/imagenet_postprocess.py diff --git a/vision/classification/imagenet_prep.md b/archive/vision/classification/imagenet_prep.md similarity index 100% rename from vision/classification/imagenet_prep.md rename to archive/vision/classification/imagenet_prep.md diff --git a/vision/classification/imagenet_preprocess.py b/archive/vision/classification/imagenet_preprocess.py similarity index 100% rename from vision/classification/imagenet_preprocess.py rename to archive/vision/classification/imagenet_preprocess.py diff --git a/vision/classification/imagenet_val_maps.pklz b/archive/vision/classification/imagenet_val_maps.pklz similarity index 100% rename from vision/classification/imagenet_val_maps.pklz rename to archive/vision/classification/imagenet_val_maps.pklz diff --git a/vision/classification/imagenet_validation.ipynb b/archive/vision/classification/imagenet_validation.ipynb similarity index 100% rename from vision/classification/imagenet_validation.ipynb rename to archive/vision/classification/imagenet_validation.ipynb diff --git a/vision/classification/inception_and_googlenet/googlenet/LICENSE b/archive/vision/classification/inception_and_googlenet/googlenet/LICENSE similarity index 100% rename from vision/classification/inception_and_googlenet/googlenet/LICENSE rename to archive/vision/classification/inception_and_googlenet/googlenet/LICENSE diff --git a/vision/classification/inception_and_googlenet/googlenet/README.md b/archive/vision/classification/inception_and_googlenet/googlenet/README.md similarity index 100% rename from vision/classification/inception_and_googlenet/googlenet/README.md rename to archive/vision/classification/inception_and_googlenet/googlenet/README.md diff --git a/vision/classification/inception_and_googlenet/googlenet/model/googlenet-12-int8.onnx b/archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-12-int8.onnx similarity index 100% rename from vision/classification/inception_and_googlenet/googlenet/model/googlenet-12-int8.onnx rename to archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-12-int8.onnx diff --git a/vision/classification/inception_and_googlenet/googlenet/model/googlenet-12-int8.tar.gz b/archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-12-int8.tar.gz similarity index 100% rename from vision/classification/inception_and_googlenet/googlenet/model/googlenet-12-int8.tar.gz rename to archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-12-int8.tar.gz diff --git a/vision/classification/inception_and_googlenet/googlenet/model/googlenet-12-qdq.onnx b/archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-12-qdq.onnx similarity index 100% rename from vision/classification/inception_and_googlenet/googlenet/model/googlenet-12-qdq.onnx rename to archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-12-qdq.onnx diff --git a/vision/classification/inception_and_googlenet/googlenet/model/googlenet-12-qdq.tar.gz b/archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-12-qdq.tar.gz similarity index 100% rename from vision/classification/inception_and_googlenet/googlenet/model/googlenet-12-qdq.tar.gz rename to archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-12-qdq.tar.gz diff --git a/vision/classification/inception_and_googlenet/googlenet/model/googlenet-12.onnx b/archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-12.onnx similarity index 100% rename from vision/classification/inception_and_googlenet/googlenet/model/googlenet-12.onnx rename to archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-12.onnx diff --git a/vision/classification/inception_and_googlenet/googlenet/model/googlenet-12.tar.gz b/archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-12.tar.gz similarity index 100% rename from vision/classification/inception_and_googlenet/googlenet/model/googlenet-12.tar.gz rename to archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-12.tar.gz diff --git a/vision/classification/inception_and_googlenet/googlenet/model/googlenet-3.onnx b/archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-3.onnx similarity index 100% rename from vision/classification/inception_and_googlenet/googlenet/model/googlenet-3.onnx rename to archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-3.onnx diff --git a/vision/classification/inception_and_googlenet/googlenet/model/googlenet-3.tar.gz b/archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-3.tar.gz similarity index 100% rename from vision/classification/inception_and_googlenet/googlenet/model/googlenet-3.tar.gz rename to archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-3.tar.gz diff --git a/vision/classification/inception_and_googlenet/googlenet/model/googlenet-6.onnx b/archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-6.onnx similarity index 100% rename from vision/classification/inception_and_googlenet/googlenet/model/googlenet-6.onnx rename to archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-6.onnx diff --git a/vision/classification/inception_and_googlenet/googlenet/model/googlenet-6.tar.gz b/archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-6.tar.gz similarity index 100% rename from vision/classification/inception_and_googlenet/googlenet/model/googlenet-6.tar.gz rename to archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-6.tar.gz diff --git a/vision/classification/inception_and_googlenet/googlenet/model/googlenet-7.onnx b/archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-7.onnx similarity index 100% rename from vision/classification/inception_and_googlenet/googlenet/model/googlenet-7.onnx rename to archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-7.onnx diff --git a/vision/classification/inception_and_googlenet/googlenet/model/googlenet-7.tar.gz b/archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-7.tar.gz similarity index 100% rename from vision/classification/inception_and_googlenet/googlenet/model/googlenet-7.tar.gz rename to archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-7.tar.gz diff --git a/vision/classification/inception_and_googlenet/googlenet/model/googlenet-8.onnx b/archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-8.onnx similarity index 100% rename from vision/classification/inception_and_googlenet/googlenet/model/googlenet-8.onnx rename to archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-8.onnx diff --git a/vision/classification/inception_and_googlenet/googlenet/model/googlenet-8.tar.gz b/archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-8.tar.gz similarity index 100% rename from vision/classification/inception_and_googlenet/googlenet/model/googlenet-8.tar.gz rename to archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-8.tar.gz diff --git a/vision/classification/inception_and_googlenet/googlenet/model/googlenet-9.onnx b/archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-9.onnx similarity index 100% rename from vision/classification/inception_and_googlenet/googlenet/model/googlenet-9.onnx rename to archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-9.onnx diff --git a/vision/classification/inception_and_googlenet/googlenet/model/googlenet-9.tar.gz b/archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-9.tar.gz similarity index 100% rename from vision/classification/inception_and_googlenet/googlenet/model/googlenet-9.tar.gz rename to archive/vision/classification/inception_and_googlenet/googlenet/model/googlenet-9.tar.gz diff --git a/vision/classification/inception_and_googlenet/inception_v1/README.md b/archive/vision/classification/inception_and_googlenet/inception_v1/README.md similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v1/README.md rename to archive/vision/classification/inception_and_googlenet/inception_v1/README.md diff --git a/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12-int8.onnx b/archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12-int8.onnx similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12-int8.onnx rename to archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12-int8.onnx diff --git a/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12-int8.tar.gz b/archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12-int8.tar.gz similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12-int8.tar.gz rename to archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12-int8.tar.gz diff --git a/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12-qdq.onnx b/archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12-qdq.onnx similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12-qdq.onnx rename to archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12-qdq.onnx diff --git a/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12-qdq.tar.gz b/archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12-qdq.tar.gz similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12-qdq.tar.gz rename to archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12-qdq.tar.gz diff --git a/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12.onnx b/archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12.onnx similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12.onnx rename to archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12.onnx diff --git a/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12.tar.gz b/archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12.tar.gz similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12.tar.gz rename to archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-12.tar.gz diff --git a/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-3.onnx b/archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-3.onnx similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-3.onnx rename to archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-3.onnx diff --git a/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-3.tar.gz b/archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-3.tar.gz similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-3.tar.gz rename to archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-3.tar.gz diff --git a/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-6.onnx b/archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-6.onnx similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-6.onnx rename to archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-6.onnx diff --git a/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-6.tar.gz b/archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-6.tar.gz similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-6.tar.gz rename to archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-6.tar.gz diff --git a/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-7.onnx b/archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-7.onnx similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-7.onnx rename to archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-7.onnx diff --git a/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-7.tar.gz b/archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-7.tar.gz similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-7.tar.gz rename to archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-7.tar.gz diff --git a/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-8.onnx b/archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-8.onnx similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-8.onnx rename to archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-8.onnx diff --git a/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-8.tar.gz b/archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-8.tar.gz similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-8.tar.gz rename to archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-8.tar.gz diff --git a/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-9.onnx b/archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-9.onnx similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-9.onnx rename to archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-9.onnx diff --git a/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-9.tar.gz b/archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-9.tar.gz similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-9.tar.gz rename to archive/vision/classification/inception_and_googlenet/inception_v1/model/inception-v1-9.tar.gz diff --git a/vision/classification/inception_and_googlenet/inception_v2/README.md b/archive/vision/classification/inception_and_googlenet/inception_v2/README.md similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v2/README.md rename to archive/vision/classification/inception_and_googlenet/inception_v2/README.md diff --git a/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-3.onnx b/archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-3.onnx similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-3.onnx rename to archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-3.onnx diff --git a/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-3.tar.gz b/archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-3.tar.gz similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-3.tar.gz rename to archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-3.tar.gz diff --git a/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-6.onnx b/archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-6.onnx similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-6.onnx rename to archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-6.onnx diff --git a/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-6.tar.gz b/archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-6.tar.gz similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-6.tar.gz rename to archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-6.tar.gz diff --git a/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-7.onnx b/archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-7.onnx similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-7.onnx rename to archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-7.onnx diff --git a/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-7.tar.gz b/archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-7.tar.gz similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-7.tar.gz rename to archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-7.tar.gz diff --git a/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-8.onnx b/archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-8.onnx similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-8.onnx rename to archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-8.onnx diff --git a/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-8.tar.gz b/archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-8.tar.gz similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-8.tar.gz rename to archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-8.tar.gz diff --git a/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-9.onnx b/archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-9.onnx similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-9.onnx rename to archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-9.onnx diff --git a/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-9.tar.gz b/archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-9.tar.gz similarity index 100% rename from vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-9.tar.gz rename to archive/vision/classification/inception_and_googlenet/inception_v2/model/inception-v2-9.tar.gz diff --git a/vision/classification/mnist/README.md b/archive/vision/classification/mnist/README.md similarity index 100% rename from vision/classification/mnist/README.md rename to archive/vision/classification/mnist/README.md diff --git a/vision/classification/mnist/model/mnist-1.onnx b/archive/vision/classification/mnist/model/mnist-1.onnx similarity index 100% rename from vision/classification/mnist/model/mnist-1.onnx rename to archive/vision/classification/mnist/model/mnist-1.onnx diff --git a/vision/classification/mnist/model/mnist-1.tar.gz b/archive/vision/classification/mnist/model/mnist-1.tar.gz similarity index 100% rename from vision/classification/mnist/model/mnist-1.tar.gz rename to archive/vision/classification/mnist/model/mnist-1.tar.gz diff --git a/vision/classification/mnist/model/mnist-12-int8.onnx b/archive/vision/classification/mnist/model/mnist-12-int8.onnx similarity index 100% rename from vision/classification/mnist/model/mnist-12-int8.onnx rename to archive/vision/classification/mnist/model/mnist-12-int8.onnx diff --git a/vision/classification/mnist/model/mnist-12-int8.tar.gz b/archive/vision/classification/mnist/model/mnist-12-int8.tar.gz similarity index 100% rename from vision/classification/mnist/model/mnist-12-int8.tar.gz rename to archive/vision/classification/mnist/model/mnist-12-int8.tar.gz diff --git a/vision/classification/mnist/model/mnist-12.onnx b/archive/vision/classification/mnist/model/mnist-12.onnx similarity index 100% rename from vision/classification/mnist/model/mnist-12.onnx rename to archive/vision/classification/mnist/model/mnist-12.onnx diff --git a/vision/classification/mnist/model/mnist-12.tar.gz b/archive/vision/classification/mnist/model/mnist-12.tar.gz similarity index 100% rename from vision/classification/mnist/model/mnist-12.tar.gz rename to archive/vision/classification/mnist/model/mnist-12.tar.gz diff --git a/vision/classification/mnist/model/mnist-7.onnx b/archive/vision/classification/mnist/model/mnist-7.onnx similarity index 100% rename from vision/classification/mnist/model/mnist-7.onnx rename to archive/vision/classification/mnist/model/mnist-7.onnx diff --git a/vision/classification/mnist/model/mnist-7.tar.gz b/archive/vision/classification/mnist/model/mnist-7.tar.gz similarity index 100% rename from vision/classification/mnist/model/mnist-7.tar.gz rename to archive/vision/classification/mnist/model/mnist-7.tar.gz diff --git a/vision/classification/mnist/model/mnist-8.onnx b/archive/vision/classification/mnist/model/mnist-8.onnx similarity index 100% rename from vision/classification/mnist/model/mnist-8.onnx rename to archive/vision/classification/mnist/model/mnist-8.onnx diff --git a/vision/classification/mnist/model/mnist-8.tar.gz b/archive/vision/classification/mnist/model/mnist-8.tar.gz similarity index 100% rename from vision/classification/mnist/model/mnist-8.tar.gz rename to archive/vision/classification/mnist/model/mnist-8.tar.gz diff --git a/vision/classification/mobilenet/README.md b/archive/vision/classification/mobilenet/README.md similarity index 100% rename from vision/classification/mobilenet/README.md rename to archive/vision/classification/mobilenet/README.md diff --git a/vision/classification/mobilenet/model/mobilenetv2-10.onnx b/archive/vision/classification/mobilenet/model/mobilenetv2-10.onnx similarity index 100% rename from vision/classification/mobilenet/model/mobilenetv2-10.onnx rename to archive/vision/classification/mobilenet/model/mobilenetv2-10.onnx diff --git a/vision/classification/mobilenet/model/mobilenetv2-10.tar.gz b/archive/vision/classification/mobilenet/model/mobilenetv2-10.tar.gz similarity index 100% rename from vision/classification/mobilenet/model/mobilenetv2-10.tar.gz rename to archive/vision/classification/mobilenet/model/mobilenetv2-10.tar.gz diff --git a/vision/classification/mobilenet/model/mobilenetv2-12-int8.onnx b/archive/vision/classification/mobilenet/model/mobilenetv2-12-int8.onnx similarity index 100% rename from vision/classification/mobilenet/model/mobilenetv2-12-int8.onnx rename to archive/vision/classification/mobilenet/model/mobilenetv2-12-int8.onnx diff --git a/vision/classification/mobilenet/model/mobilenetv2-12-int8.tar.gz b/archive/vision/classification/mobilenet/model/mobilenetv2-12-int8.tar.gz similarity index 100% rename from vision/classification/mobilenet/model/mobilenetv2-12-int8.tar.gz rename to archive/vision/classification/mobilenet/model/mobilenetv2-12-int8.tar.gz diff --git a/vision/classification/mobilenet/model/mobilenetv2-12-qdq.onnx b/archive/vision/classification/mobilenet/model/mobilenetv2-12-qdq.onnx similarity index 100% rename from vision/classification/mobilenet/model/mobilenetv2-12-qdq.onnx rename to archive/vision/classification/mobilenet/model/mobilenetv2-12-qdq.onnx diff --git a/vision/classification/mobilenet/model/mobilenetv2-12-qdq.tar.gz b/archive/vision/classification/mobilenet/model/mobilenetv2-12-qdq.tar.gz similarity index 100% rename from vision/classification/mobilenet/model/mobilenetv2-12-qdq.tar.gz rename to archive/vision/classification/mobilenet/model/mobilenetv2-12-qdq.tar.gz diff --git a/vision/classification/mobilenet/model/mobilenetv2-12.onnx b/archive/vision/classification/mobilenet/model/mobilenetv2-12.onnx similarity index 100% rename from vision/classification/mobilenet/model/mobilenetv2-12.onnx rename to archive/vision/classification/mobilenet/model/mobilenetv2-12.onnx diff --git a/vision/classification/mobilenet/model/mobilenetv2-12.tar.gz b/archive/vision/classification/mobilenet/model/mobilenetv2-12.tar.gz similarity index 100% rename from vision/classification/mobilenet/model/mobilenetv2-12.tar.gz rename to archive/vision/classification/mobilenet/model/mobilenetv2-12.tar.gz diff --git a/vision/classification/mobilenet/model/mobilenetv2-7.onnx b/archive/vision/classification/mobilenet/model/mobilenetv2-7.onnx similarity index 100% rename from vision/classification/mobilenet/model/mobilenetv2-7.onnx rename to archive/vision/classification/mobilenet/model/mobilenetv2-7.onnx diff --git a/vision/classification/mobilenet/model/mobilenetv2-7.tar.gz b/archive/vision/classification/mobilenet/model/mobilenetv2-7.tar.gz similarity index 100% rename from vision/classification/mobilenet/model/mobilenetv2-7.tar.gz rename to archive/vision/classification/mobilenet/model/mobilenetv2-7.tar.gz diff --git a/vision/classification/mobilenet/train_mobilenet.ipynb b/archive/vision/classification/mobilenet/train_mobilenet.ipynb similarity index 100% rename from vision/classification/mobilenet/train_mobilenet.ipynb rename to archive/vision/classification/mobilenet/train_mobilenet.ipynb diff --git a/vision/classification/onnxrt_inference.ipynb b/archive/vision/classification/onnxrt_inference.ipynb similarity index 100% rename from vision/classification/onnxrt_inference.ipynb rename to archive/vision/classification/onnxrt_inference.ipynb diff --git a/vision/classification/rcnn_ilsvrc13/LICENSE b/archive/vision/classification/rcnn_ilsvrc13/LICENSE similarity index 100% rename from vision/classification/rcnn_ilsvrc13/LICENSE rename to archive/vision/classification/rcnn_ilsvrc13/LICENSE diff --git a/vision/classification/rcnn_ilsvrc13/README.md b/archive/vision/classification/rcnn_ilsvrc13/README.md similarity index 100% rename from vision/classification/rcnn_ilsvrc13/README.md rename to archive/vision/classification/rcnn_ilsvrc13/README.md diff --git a/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-3.onnx b/archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-3.onnx similarity index 100% rename from vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-3.onnx rename to archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-3.onnx diff --git a/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-3.tar.gz b/archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-3.tar.gz similarity index 100% rename from vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-3.tar.gz rename to archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-3.tar.gz diff --git a/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-6.onnx b/archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-6.onnx similarity index 100% rename from vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-6.onnx rename to archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-6.onnx diff --git a/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-6.tar.gz b/archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-6.tar.gz similarity index 100% rename from vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-6.tar.gz rename to archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-6.tar.gz diff --git a/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-7.onnx b/archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-7.onnx similarity index 100% rename from vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-7.onnx rename to archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-7.onnx diff --git a/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-7.tar.gz b/archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-7.tar.gz similarity index 100% rename from vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-7.tar.gz rename to archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-7.tar.gz diff --git a/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-8.onnx b/archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-8.onnx similarity index 100% rename from vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-8.onnx rename to archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-8.onnx diff --git a/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-8.tar.gz b/archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-8.tar.gz similarity index 100% rename from vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-8.tar.gz rename to archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-8.tar.gz diff --git a/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-9.onnx b/archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-9.onnx similarity index 100% rename from vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-9.onnx rename to archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-9.onnx diff --git a/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-9.tar.gz b/archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-9.tar.gz similarity index 100% rename from vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-9.tar.gz rename to archive/vision/classification/rcnn_ilsvrc13/model/rcnn-ilsvrc13-9.tar.gz diff --git a/vision/classification/resnet/README.md b/archive/vision/classification/resnet/README.md similarity index 100% rename from vision/classification/resnet/README.md rename to archive/vision/classification/resnet/README.md diff --git a/vision/classification/resnet/model/resnet101-v1-7.onnx b/archive/vision/classification/resnet/model/resnet101-v1-7.onnx similarity index 100% rename from vision/classification/resnet/model/resnet101-v1-7.onnx rename to archive/vision/classification/resnet/model/resnet101-v1-7.onnx diff --git a/vision/classification/resnet/model/resnet101-v1-7.tar.gz b/archive/vision/classification/resnet/model/resnet101-v1-7.tar.gz similarity index 100% rename from vision/classification/resnet/model/resnet101-v1-7.tar.gz rename to archive/vision/classification/resnet/model/resnet101-v1-7.tar.gz diff --git a/vision/classification/resnet/model/resnet101-v2-7.onnx b/archive/vision/classification/resnet/model/resnet101-v2-7.onnx similarity index 100% rename from vision/classification/resnet/model/resnet101-v2-7.onnx rename to archive/vision/classification/resnet/model/resnet101-v2-7.onnx diff --git a/vision/classification/resnet/model/resnet101-v2-7.tar.gz b/archive/vision/classification/resnet/model/resnet101-v2-7.tar.gz similarity index 100% rename from vision/classification/resnet/model/resnet101-v2-7.tar.gz rename to archive/vision/classification/resnet/model/resnet101-v2-7.tar.gz diff --git a/vision/classification/resnet/model/resnet152-v1-7.onnx b/archive/vision/classification/resnet/model/resnet152-v1-7.onnx similarity index 100% rename from vision/classification/resnet/model/resnet152-v1-7.onnx rename to archive/vision/classification/resnet/model/resnet152-v1-7.onnx diff --git a/vision/classification/resnet/model/resnet152-v1-7.tar.gz b/archive/vision/classification/resnet/model/resnet152-v1-7.tar.gz similarity index 100% rename from vision/classification/resnet/model/resnet152-v1-7.tar.gz rename to archive/vision/classification/resnet/model/resnet152-v1-7.tar.gz diff --git a/vision/classification/resnet/model/resnet152-v2-7.onnx b/archive/vision/classification/resnet/model/resnet152-v2-7.onnx similarity index 100% rename from vision/classification/resnet/model/resnet152-v2-7.onnx rename to archive/vision/classification/resnet/model/resnet152-v2-7.onnx diff --git a/vision/classification/resnet/model/resnet152-v2-7.tar.gz b/archive/vision/classification/resnet/model/resnet152-v2-7.tar.gz similarity index 100% rename from vision/classification/resnet/model/resnet152-v2-7.tar.gz rename to archive/vision/classification/resnet/model/resnet152-v2-7.tar.gz diff --git a/vision/classification/resnet/model/resnet18-v1-7.onnx b/archive/vision/classification/resnet/model/resnet18-v1-7.onnx similarity index 100% rename from vision/classification/resnet/model/resnet18-v1-7.onnx rename to archive/vision/classification/resnet/model/resnet18-v1-7.onnx diff --git a/vision/classification/resnet/model/resnet18-v1-7.tar.gz b/archive/vision/classification/resnet/model/resnet18-v1-7.tar.gz similarity index 100% rename from vision/classification/resnet/model/resnet18-v1-7.tar.gz rename to archive/vision/classification/resnet/model/resnet18-v1-7.tar.gz diff --git a/vision/classification/resnet/model/resnet18-v2-7.onnx b/archive/vision/classification/resnet/model/resnet18-v2-7.onnx similarity index 100% rename from vision/classification/resnet/model/resnet18-v2-7.onnx rename to archive/vision/classification/resnet/model/resnet18-v2-7.onnx diff --git a/vision/classification/resnet/model/resnet18-v2-7.tar.gz b/archive/vision/classification/resnet/model/resnet18-v2-7.tar.gz similarity index 100% rename from vision/classification/resnet/model/resnet18-v2-7.tar.gz rename to archive/vision/classification/resnet/model/resnet18-v2-7.tar.gz diff --git a/vision/classification/resnet/model/resnet34-v1-7.onnx b/archive/vision/classification/resnet/model/resnet34-v1-7.onnx similarity index 100% rename from vision/classification/resnet/model/resnet34-v1-7.onnx rename to archive/vision/classification/resnet/model/resnet34-v1-7.onnx diff --git a/vision/classification/resnet/model/resnet34-v1-7.tar.gz b/archive/vision/classification/resnet/model/resnet34-v1-7.tar.gz similarity index 100% rename from vision/classification/resnet/model/resnet34-v1-7.tar.gz rename to archive/vision/classification/resnet/model/resnet34-v1-7.tar.gz diff --git a/vision/classification/resnet/model/resnet34-v2-7.onnx b/archive/vision/classification/resnet/model/resnet34-v2-7.onnx similarity index 100% rename from vision/classification/resnet/model/resnet34-v2-7.onnx rename to archive/vision/classification/resnet/model/resnet34-v2-7.onnx diff --git a/vision/classification/resnet/model/resnet34-v2-7.tar.gz b/archive/vision/classification/resnet/model/resnet34-v2-7.tar.gz similarity index 100% rename from vision/classification/resnet/model/resnet34-v2-7.tar.gz rename to archive/vision/classification/resnet/model/resnet34-v2-7.tar.gz diff --git a/vision/classification/resnet/model/resnet50-caffe2-v1-3.onnx b/archive/vision/classification/resnet/model/resnet50-caffe2-v1-3.onnx similarity index 100% rename from vision/classification/resnet/model/resnet50-caffe2-v1-3.onnx rename to archive/vision/classification/resnet/model/resnet50-caffe2-v1-3.onnx diff --git a/vision/classification/resnet/model/resnet50-caffe2-v1-3.tar.gz b/archive/vision/classification/resnet/model/resnet50-caffe2-v1-3.tar.gz similarity index 100% rename from vision/classification/resnet/model/resnet50-caffe2-v1-3.tar.gz rename to archive/vision/classification/resnet/model/resnet50-caffe2-v1-3.tar.gz diff --git a/vision/classification/resnet/model/resnet50-caffe2-v1-6.onnx b/archive/vision/classification/resnet/model/resnet50-caffe2-v1-6.onnx similarity index 100% rename from vision/classification/resnet/model/resnet50-caffe2-v1-6.onnx rename to archive/vision/classification/resnet/model/resnet50-caffe2-v1-6.onnx diff --git a/vision/classification/resnet/model/resnet50-caffe2-v1-6.tar.gz b/archive/vision/classification/resnet/model/resnet50-caffe2-v1-6.tar.gz similarity index 100% rename from vision/classification/resnet/model/resnet50-caffe2-v1-6.tar.gz rename to archive/vision/classification/resnet/model/resnet50-caffe2-v1-6.tar.gz diff --git a/vision/classification/resnet/model/resnet50-caffe2-v1-7.onnx b/archive/vision/classification/resnet/model/resnet50-caffe2-v1-7.onnx similarity index 100% rename from vision/classification/resnet/model/resnet50-caffe2-v1-7.onnx rename to archive/vision/classification/resnet/model/resnet50-caffe2-v1-7.onnx diff --git a/vision/classification/resnet/model/resnet50-caffe2-v1-7.tar.gz b/archive/vision/classification/resnet/model/resnet50-caffe2-v1-7.tar.gz similarity index 100% rename from vision/classification/resnet/model/resnet50-caffe2-v1-7.tar.gz rename to archive/vision/classification/resnet/model/resnet50-caffe2-v1-7.tar.gz diff --git a/vision/classification/resnet/model/resnet50-caffe2-v1-8.onnx b/archive/vision/classification/resnet/model/resnet50-caffe2-v1-8.onnx similarity index 100% rename from vision/classification/resnet/model/resnet50-caffe2-v1-8.onnx rename to archive/vision/classification/resnet/model/resnet50-caffe2-v1-8.onnx diff --git a/vision/classification/resnet/model/resnet50-caffe2-v1-8.tar.gz b/archive/vision/classification/resnet/model/resnet50-caffe2-v1-8.tar.gz similarity index 100% rename from vision/classification/resnet/model/resnet50-caffe2-v1-8.tar.gz rename to archive/vision/classification/resnet/model/resnet50-caffe2-v1-8.tar.gz diff --git a/vision/classification/resnet/model/resnet50-caffe2-v1-9.onnx b/archive/vision/classification/resnet/model/resnet50-caffe2-v1-9.onnx similarity index 100% rename from vision/classification/resnet/model/resnet50-caffe2-v1-9.onnx rename to archive/vision/classification/resnet/model/resnet50-caffe2-v1-9.onnx diff --git a/vision/classification/resnet/model/resnet50-caffe2-v1-9.tar.gz b/archive/vision/classification/resnet/model/resnet50-caffe2-v1-9.tar.gz similarity index 100% rename from vision/classification/resnet/model/resnet50-caffe2-v1-9.tar.gz rename to archive/vision/classification/resnet/model/resnet50-caffe2-v1-9.tar.gz diff --git a/vision/classification/resnet/model/resnet50-v1-12-int8.onnx b/archive/vision/classification/resnet/model/resnet50-v1-12-int8.onnx similarity index 100% rename from vision/classification/resnet/model/resnet50-v1-12-int8.onnx rename to archive/vision/classification/resnet/model/resnet50-v1-12-int8.onnx diff --git a/vision/classification/resnet/model/resnet50-v1-12-int8.tar.gz b/archive/vision/classification/resnet/model/resnet50-v1-12-int8.tar.gz similarity index 100% rename from vision/classification/resnet/model/resnet50-v1-12-int8.tar.gz rename to archive/vision/classification/resnet/model/resnet50-v1-12-int8.tar.gz diff --git a/vision/classification/resnet/model/resnet50-v1-12-qdq.onnx b/archive/vision/classification/resnet/model/resnet50-v1-12-qdq.onnx similarity index 100% rename from vision/classification/resnet/model/resnet50-v1-12-qdq.onnx rename to archive/vision/classification/resnet/model/resnet50-v1-12-qdq.onnx diff --git a/vision/classification/resnet/model/resnet50-v1-12-qdq.tar.gz b/archive/vision/classification/resnet/model/resnet50-v1-12-qdq.tar.gz similarity index 100% rename from vision/classification/resnet/model/resnet50-v1-12-qdq.tar.gz rename to archive/vision/classification/resnet/model/resnet50-v1-12-qdq.tar.gz diff --git a/vision/classification/resnet/model/resnet50-v1-12.onnx b/archive/vision/classification/resnet/model/resnet50-v1-12.onnx similarity index 100% rename from vision/classification/resnet/model/resnet50-v1-12.onnx rename to archive/vision/classification/resnet/model/resnet50-v1-12.onnx diff --git a/vision/classification/resnet/model/resnet50-v1-12.tar.gz b/archive/vision/classification/resnet/model/resnet50-v1-12.tar.gz similarity index 100% rename from vision/classification/resnet/model/resnet50-v1-12.tar.gz rename to archive/vision/classification/resnet/model/resnet50-v1-12.tar.gz diff --git a/vision/classification/resnet/model/resnet50-v1-7.onnx b/archive/vision/classification/resnet/model/resnet50-v1-7.onnx similarity index 100% rename from vision/classification/resnet/model/resnet50-v1-7.onnx rename to archive/vision/classification/resnet/model/resnet50-v1-7.onnx diff --git a/vision/classification/resnet/model/resnet50-v1-7.tar.gz b/archive/vision/classification/resnet/model/resnet50-v1-7.tar.gz similarity index 100% rename from vision/classification/resnet/model/resnet50-v1-7.tar.gz rename to archive/vision/classification/resnet/model/resnet50-v1-7.tar.gz diff --git a/vision/classification/resnet/model/resnet50-v2-7.onnx b/archive/vision/classification/resnet/model/resnet50-v2-7.onnx similarity index 100% rename from vision/classification/resnet/model/resnet50-v2-7.onnx rename to archive/vision/classification/resnet/model/resnet50-v2-7.onnx diff --git a/vision/classification/resnet/model/resnet50-v2-7.tar.gz b/archive/vision/classification/resnet/model/resnet50-v2-7.tar.gz similarity index 100% rename from vision/classification/resnet/model/resnet50-v2-7.tar.gz rename to archive/vision/classification/resnet/model/resnet50-v2-7.tar.gz diff --git a/vision/classification/resnet/preproc/resnet-preproc-v1-18.onnx b/archive/vision/classification/resnet/preproc/resnet-preproc-v1-18.onnx similarity index 100% rename from vision/classification/resnet/preproc/resnet-preproc-v1-18.onnx rename to archive/vision/classification/resnet/preproc/resnet-preproc-v1-18.onnx diff --git a/vision/classification/resnet/preproc/resnet-preproc-v1-18.tar.gz b/archive/vision/classification/resnet/preproc/resnet-preproc-v1-18.tar.gz similarity index 100% rename from vision/classification/resnet/preproc/resnet-preproc-v1-18.tar.gz rename to archive/vision/classification/resnet/preproc/resnet-preproc-v1-18.tar.gz diff --git a/vision/classification/resnet/train_resnet.ipynb b/archive/vision/classification/resnet/train_resnet.ipynb similarity index 100% rename from vision/classification/resnet/train_resnet.ipynb rename to archive/vision/classification/resnet/train_resnet.ipynb diff --git a/vision/classification/shufflenet/README.md b/archive/vision/classification/shufflenet/README.md similarity index 100% rename from vision/classification/shufflenet/README.md rename to archive/vision/classification/shufflenet/README.md diff --git a/vision/classification/shufflenet/ShufflenetV2-export.py b/archive/vision/classification/shufflenet/ShufflenetV2-export.py similarity index 100% rename from vision/classification/shufflenet/ShufflenetV2-export.py rename to archive/vision/classification/shufflenet/ShufflenetV2-export.py diff --git a/vision/classification/shufflenet/model/shufflenet-3.onnx b/archive/vision/classification/shufflenet/model/shufflenet-3.onnx similarity index 100% rename from vision/classification/shufflenet/model/shufflenet-3.onnx rename to archive/vision/classification/shufflenet/model/shufflenet-3.onnx diff --git a/vision/classification/shufflenet/model/shufflenet-3.tar.gz b/archive/vision/classification/shufflenet/model/shufflenet-3.tar.gz similarity index 100% rename from vision/classification/shufflenet/model/shufflenet-3.tar.gz rename to archive/vision/classification/shufflenet/model/shufflenet-3.tar.gz diff --git a/vision/classification/shufflenet/model/shufflenet-6.onnx b/archive/vision/classification/shufflenet/model/shufflenet-6.onnx similarity index 100% rename from vision/classification/shufflenet/model/shufflenet-6.onnx rename to archive/vision/classification/shufflenet/model/shufflenet-6.onnx diff --git a/vision/classification/shufflenet/model/shufflenet-6.tar.gz b/archive/vision/classification/shufflenet/model/shufflenet-6.tar.gz similarity index 100% rename from vision/classification/shufflenet/model/shufflenet-6.tar.gz rename to archive/vision/classification/shufflenet/model/shufflenet-6.tar.gz diff --git a/vision/classification/shufflenet/model/shufflenet-7.onnx b/archive/vision/classification/shufflenet/model/shufflenet-7.onnx similarity index 100% rename from vision/classification/shufflenet/model/shufflenet-7.onnx rename to archive/vision/classification/shufflenet/model/shufflenet-7.onnx diff --git a/vision/classification/shufflenet/model/shufflenet-7.tar.gz b/archive/vision/classification/shufflenet/model/shufflenet-7.tar.gz similarity index 100% rename from vision/classification/shufflenet/model/shufflenet-7.tar.gz rename to archive/vision/classification/shufflenet/model/shufflenet-7.tar.gz diff --git a/vision/classification/shufflenet/model/shufflenet-8.onnx b/archive/vision/classification/shufflenet/model/shufflenet-8.onnx similarity index 100% rename from vision/classification/shufflenet/model/shufflenet-8.onnx rename to archive/vision/classification/shufflenet/model/shufflenet-8.onnx diff --git a/vision/classification/shufflenet/model/shufflenet-8.tar.gz b/archive/vision/classification/shufflenet/model/shufflenet-8.tar.gz similarity index 100% rename from vision/classification/shufflenet/model/shufflenet-8.tar.gz rename to archive/vision/classification/shufflenet/model/shufflenet-8.tar.gz diff --git a/vision/classification/shufflenet/model/shufflenet-9.onnx b/archive/vision/classification/shufflenet/model/shufflenet-9.onnx similarity index 100% rename from vision/classification/shufflenet/model/shufflenet-9.onnx rename to archive/vision/classification/shufflenet/model/shufflenet-9.onnx diff --git a/vision/classification/shufflenet/model/shufflenet-9.tar.gz b/archive/vision/classification/shufflenet/model/shufflenet-9.tar.gz similarity index 100% rename from vision/classification/shufflenet/model/shufflenet-9.tar.gz rename to archive/vision/classification/shufflenet/model/shufflenet-9.tar.gz diff --git a/vision/classification/shufflenet/model/shufflenet-v2-10.onnx b/archive/vision/classification/shufflenet/model/shufflenet-v2-10.onnx similarity index 100% rename from vision/classification/shufflenet/model/shufflenet-v2-10.onnx rename to archive/vision/classification/shufflenet/model/shufflenet-v2-10.onnx diff --git a/vision/classification/shufflenet/model/shufflenet-v2-10.tar.gz b/archive/vision/classification/shufflenet/model/shufflenet-v2-10.tar.gz similarity index 100% rename from vision/classification/shufflenet/model/shufflenet-v2-10.tar.gz rename to archive/vision/classification/shufflenet/model/shufflenet-v2-10.tar.gz diff --git a/vision/classification/shufflenet/model/shufflenet-v2-12-int8.onnx b/archive/vision/classification/shufflenet/model/shufflenet-v2-12-int8.onnx similarity index 100% rename from vision/classification/shufflenet/model/shufflenet-v2-12-int8.onnx rename to archive/vision/classification/shufflenet/model/shufflenet-v2-12-int8.onnx diff --git a/vision/classification/shufflenet/model/shufflenet-v2-12-int8.tar.gz b/archive/vision/classification/shufflenet/model/shufflenet-v2-12-int8.tar.gz similarity index 100% rename from vision/classification/shufflenet/model/shufflenet-v2-12-int8.tar.gz rename to archive/vision/classification/shufflenet/model/shufflenet-v2-12-int8.tar.gz diff --git a/vision/classification/shufflenet/model/shufflenet-v2-12-qdq.onnx b/archive/vision/classification/shufflenet/model/shufflenet-v2-12-qdq.onnx similarity index 100% rename from vision/classification/shufflenet/model/shufflenet-v2-12-qdq.onnx rename to archive/vision/classification/shufflenet/model/shufflenet-v2-12-qdq.onnx diff --git a/vision/classification/shufflenet/model/shufflenet-v2-12-qdq.tar.gz b/archive/vision/classification/shufflenet/model/shufflenet-v2-12-qdq.tar.gz similarity index 100% rename from vision/classification/shufflenet/model/shufflenet-v2-12-qdq.tar.gz rename to archive/vision/classification/shufflenet/model/shufflenet-v2-12-qdq.tar.gz diff --git a/vision/classification/shufflenet/model/shufflenet-v2-12.onnx b/archive/vision/classification/shufflenet/model/shufflenet-v2-12.onnx similarity index 100% rename from vision/classification/shufflenet/model/shufflenet-v2-12.onnx rename to archive/vision/classification/shufflenet/model/shufflenet-v2-12.onnx diff --git a/vision/classification/shufflenet/model/shufflenet-v2-12.tar.gz b/archive/vision/classification/shufflenet/model/shufflenet-v2-12.tar.gz similarity index 100% rename from vision/classification/shufflenet/model/shufflenet-v2-12.tar.gz rename to archive/vision/classification/shufflenet/model/shufflenet-v2-12.tar.gz diff --git a/vision/classification/squeezenet/README.md b/archive/vision/classification/squeezenet/README.md similarity index 100% rename from vision/classification/squeezenet/README.md rename to archive/vision/classification/squeezenet/README.md diff --git a/vision/classification/squeezenet/model/squeezenet1.0-12-int8.onnx b/archive/vision/classification/squeezenet/model/squeezenet1.0-12-int8.onnx similarity index 100% rename from vision/classification/squeezenet/model/squeezenet1.0-12-int8.onnx rename to archive/vision/classification/squeezenet/model/squeezenet1.0-12-int8.onnx diff --git a/vision/classification/squeezenet/model/squeezenet1.0-12-int8.tar.gz b/archive/vision/classification/squeezenet/model/squeezenet1.0-12-int8.tar.gz similarity index 100% rename from vision/classification/squeezenet/model/squeezenet1.0-12-int8.tar.gz rename to archive/vision/classification/squeezenet/model/squeezenet1.0-12-int8.tar.gz diff --git a/vision/classification/squeezenet/model/squeezenet1.0-12.onnx b/archive/vision/classification/squeezenet/model/squeezenet1.0-12.onnx similarity index 100% rename from vision/classification/squeezenet/model/squeezenet1.0-12.onnx rename to archive/vision/classification/squeezenet/model/squeezenet1.0-12.onnx diff --git a/vision/classification/squeezenet/model/squeezenet1.0-12.tar.gz b/archive/vision/classification/squeezenet/model/squeezenet1.0-12.tar.gz similarity index 100% rename from vision/classification/squeezenet/model/squeezenet1.0-12.tar.gz rename to archive/vision/classification/squeezenet/model/squeezenet1.0-12.tar.gz diff --git a/vision/classification/squeezenet/model/squeezenet1.0-13-qdq.onnx b/archive/vision/classification/squeezenet/model/squeezenet1.0-13-qdq.onnx similarity index 100% rename from vision/classification/squeezenet/model/squeezenet1.0-13-qdq.onnx rename to archive/vision/classification/squeezenet/model/squeezenet1.0-13-qdq.onnx diff --git a/vision/classification/squeezenet/model/squeezenet1.0-13-qdq.tar.gz b/archive/vision/classification/squeezenet/model/squeezenet1.0-13-qdq.tar.gz similarity index 100% rename from vision/classification/squeezenet/model/squeezenet1.0-13-qdq.tar.gz rename to archive/vision/classification/squeezenet/model/squeezenet1.0-13-qdq.tar.gz diff --git a/vision/classification/squeezenet/model/squeezenet1.0-3.onnx b/archive/vision/classification/squeezenet/model/squeezenet1.0-3.onnx similarity index 100% rename from vision/classification/squeezenet/model/squeezenet1.0-3.onnx rename to archive/vision/classification/squeezenet/model/squeezenet1.0-3.onnx diff --git a/vision/classification/squeezenet/model/squeezenet1.0-3.tar.gz b/archive/vision/classification/squeezenet/model/squeezenet1.0-3.tar.gz similarity index 100% rename from vision/classification/squeezenet/model/squeezenet1.0-3.tar.gz rename to archive/vision/classification/squeezenet/model/squeezenet1.0-3.tar.gz diff --git a/vision/classification/squeezenet/model/squeezenet1.0-6.onnx b/archive/vision/classification/squeezenet/model/squeezenet1.0-6.onnx similarity index 100% rename from vision/classification/squeezenet/model/squeezenet1.0-6.onnx rename to archive/vision/classification/squeezenet/model/squeezenet1.0-6.onnx diff --git a/vision/classification/squeezenet/model/squeezenet1.0-6.tar.gz b/archive/vision/classification/squeezenet/model/squeezenet1.0-6.tar.gz similarity index 100% rename from vision/classification/squeezenet/model/squeezenet1.0-6.tar.gz rename to archive/vision/classification/squeezenet/model/squeezenet1.0-6.tar.gz diff --git a/vision/classification/squeezenet/model/squeezenet1.0-7.onnx b/archive/vision/classification/squeezenet/model/squeezenet1.0-7.onnx similarity index 100% rename from vision/classification/squeezenet/model/squeezenet1.0-7.onnx rename to archive/vision/classification/squeezenet/model/squeezenet1.0-7.onnx diff --git a/vision/classification/squeezenet/model/squeezenet1.0-7.tar.gz b/archive/vision/classification/squeezenet/model/squeezenet1.0-7.tar.gz similarity index 100% rename from vision/classification/squeezenet/model/squeezenet1.0-7.tar.gz rename to archive/vision/classification/squeezenet/model/squeezenet1.0-7.tar.gz diff --git a/vision/classification/squeezenet/model/squeezenet1.0-8.onnx b/archive/vision/classification/squeezenet/model/squeezenet1.0-8.onnx similarity index 100% rename from vision/classification/squeezenet/model/squeezenet1.0-8.onnx rename to archive/vision/classification/squeezenet/model/squeezenet1.0-8.onnx diff --git a/vision/classification/squeezenet/model/squeezenet1.0-8.tar.gz b/archive/vision/classification/squeezenet/model/squeezenet1.0-8.tar.gz similarity index 100% rename from vision/classification/squeezenet/model/squeezenet1.0-8.tar.gz rename to archive/vision/classification/squeezenet/model/squeezenet1.0-8.tar.gz diff --git a/vision/classification/squeezenet/model/squeezenet1.0-9.onnx b/archive/vision/classification/squeezenet/model/squeezenet1.0-9.onnx similarity index 100% rename from vision/classification/squeezenet/model/squeezenet1.0-9.onnx rename to archive/vision/classification/squeezenet/model/squeezenet1.0-9.onnx diff --git a/vision/classification/squeezenet/model/squeezenet1.0-9.tar.gz b/archive/vision/classification/squeezenet/model/squeezenet1.0-9.tar.gz similarity index 100% rename from vision/classification/squeezenet/model/squeezenet1.0-9.tar.gz rename to archive/vision/classification/squeezenet/model/squeezenet1.0-9.tar.gz diff --git a/vision/classification/squeezenet/model/squeezenet1.1-7.onnx b/archive/vision/classification/squeezenet/model/squeezenet1.1-7.onnx similarity index 100% rename from vision/classification/squeezenet/model/squeezenet1.1-7.onnx rename to archive/vision/classification/squeezenet/model/squeezenet1.1-7.onnx diff --git a/vision/classification/squeezenet/model/squeezenet1.1-7.tar.gz b/archive/vision/classification/squeezenet/model/squeezenet1.1-7.tar.gz similarity index 100% rename from vision/classification/squeezenet/model/squeezenet1.1-7.tar.gz rename to archive/vision/classification/squeezenet/model/squeezenet1.1-7.tar.gz diff --git a/vision/classification/squeezenet/train_squeezenet.ipynb b/archive/vision/classification/squeezenet/train_squeezenet.ipynb similarity index 100% rename from vision/classification/squeezenet/train_squeezenet.ipynb rename to archive/vision/classification/squeezenet/train_squeezenet.ipynb diff --git a/vision/classification/synset.txt b/archive/vision/classification/synset.txt similarity index 100% rename from vision/classification/synset.txt rename to archive/vision/classification/synset.txt diff --git a/vision/classification/vgg/README.md b/archive/vision/classification/vgg/README.md similarity index 100% rename from vision/classification/vgg/README.md rename to archive/vision/classification/vgg/README.md diff --git a/vision/classification/vgg/model/vgg16-12-int8.onnx b/archive/vision/classification/vgg/model/vgg16-12-int8.onnx similarity index 100% rename from vision/classification/vgg/model/vgg16-12-int8.onnx rename to archive/vision/classification/vgg/model/vgg16-12-int8.onnx diff --git a/vision/classification/vgg/model/vgg16-12-int8.tar.gz b/archive/vision/classification/vgg/model/vgg16-12-int8.tar.gz similarity index 100% rename from vision/classification/vgg/model/vgg16-12-int8.tar.gz rename to archive/vision/classification/vgg/model/vgg16-12-int8.tar.gz diff --git a/vision/classification/vgg/model/vgg16-12-qdq.onnx b/archive/vision/classification/vgg/model/vgg16-12-qdq.onnx similarity index 100% rename from vision/classification/vgg/model/vgg16-12-qdq.onnx rename to archive/vision/classification/vgg/model/vgg16-12-qdq.onnx diff --git a/vision/classification/vgg/model/vgg16-12-qdq.tar.gz b/archive/vision/classification/vgg/model/vgg16-12-qdq.tar.gz similarity index 100% rename from vision/classification/vgg/model/vgg16-12-qdq.tar.gz rename to archive/vision/classification/vgg/model/vgg16-12-qdq.tar.gz diff --git a/vision/classification/vgg/model/vgg16-12.onnx b/archive/vision/classification/vgg/model/vgg16-12.onnx similarity index 100% rename from vision/classification/vgg/model/vgg16-12.onnx rename to archive/vision/classification/vgg/model/vgg16-12.onnx diff --git a/vision/classification/vgg/model/vgg16-12.tar.gz b/archive/vision/classification/vgg/model/vgg16-12.tar.gz similarity index 100% rename from vision/classification/vgg/model/vgg16-12.tar.gz rename to archive/vision/classification/vgg/model/vgg16-12.tar.gz diff --git a/vision/classification/vgg/model/vgg16-7.onnx b/archive/vision/classification/vgg/model/vgg16-7.onnx similarity index 100% rename from vision/classification/vgg/model/vgg16-7.onnx rename to archive/vision/classification/vgg/model/vgg16-7.onnx diff --git a/vision/classification/vgg/model/vgg16-7.tar.gz b/archive/vision/classification/vgg/model/vgg16-7.tar.gz similarity index 100% rename from vision/classification/vgg/model/vgg16-7.tar.gz rename to archive/vision/classification/vgg/model/vgg16-7.tar.gz diff --git a/vision/classification/vgg/model/vgg16-bn-7.onnx b/archive/vision/classification/vgg/model/vgg16-bn-7.onnx similarity index 100% rename from vision/classification/vgg/model/vgg16-bn-7.onnx rename to archive/vision/classification/vgg/model/vgg16-bn-7.onnx diff --git a/vision/classification/vgg/model/vgg16-bn-7.tar.gz b/archive/vision/classification/vgg/model/vgg16-bn-7.tar.gz similarity index 100% rename from vision/classification/vgg/model/vgg16-bn-7.tar.gz rename to archive/vision/classification/vgg/model/vgg16-bn-7.tar.gz diff --git a/vision/classification/vgg/model/vgg19-7.onnx b/archive/vision/classification/vgg/model/vgg19-7.onnx similarity index 100% rename from vision/classification/vgg/model/vgg19-7.onnx rename to archive/vision/classification/vgg/model/vgg19-7.onnx diff --git a/vision/classification/vgg/model/vgg19-7.tar.gz b/archive/vision/classification/vgg/model/vgg19-7.tar.gz similarity index 100% rename from vision/classification/vgg/model/vgg19-7.tar.gz rename to archive/vision/classification/vgg/model/vgg19-7.tar.gz diff --git a/vision/classification/vgg/model/vgg19-bn-7.onnx b/archive/vision/classification/vgg/model/vgg19-bn-7.onnx similarity index 100% rename from vision/classification/vgg/model/vgg19-bn-7.onnx rename to archive/vision/classification/vgg/model/vgg19-bn-7.onnx diff --git a/vision/classification/vgg/model/vgg19-bn-7.tar.gz b/archive/vision/classification/vgg/model/vgg19-bn-7.tar.gz similarity index 100% rename from vision/classification/vgg/model/vgg19-bn-7.tar.gz rename to archive/vision/classification/vgg/model/vgg19-bn-7.tar.gz diff --git a/vision/classification/vgg/model/vgg19-caffe2-3.onnx b/archive/vision/classification/vgg/model/vgg19-caffe2-3.onnx similarity index 100% rename from vision/classification/vgg/model/vgg19-caffe2-3.onnx rename to archive/vision/classification/vgg/model/vgg19-caffe2-3.onnx diff --git a/vision/classification/vgg/model/vgg19-caffe2-3.tar.gz b/archive/vision/classification/vgg/model/vgg19-caffe2-3.tar.gz similarity index 100% rename from vision/classification/vgg/model/vgg19-caffe2-3.tar.gz rename to archive/vision/classification/vgg/model/vgg19-caffe2-3.tar.gz diff --git a/vision/classification/vgg/model/vgg19-caffe2-6.onnx b/archive/vision/classification/vgg/model/vgg19-caffe2-6.onnx similarity index 100% rename from vision/classification/vgg/model/vgg19-caffe2-6.onnx rename to archive/vision/classification/vgg/model/vgg19-caffe2-6.onnx diff --git a/vision/classification/vgg/model/vgg19-caffe2-6.tar.gz b/archive/vision/classification/vgg/model/vgg19-caffe2-6.tar.gz similarity index 100% rename from vision/classification/vgg/model/vgg19-caffe2-6.tar.gz rename to archive/vision/classification/vgg/model/vgg19-caffe2-6.tar.gz diff --git a/vision/classification/vgg/model/vgg19-caffe2-7.onnx b/archive/vision/classification/vgg/model/vgg19-caffe2-7.onnx similarity index 100% rename from vision/classification/vgg/model/vgg19-caffe2-7.onnx rename to archive/vision/classification/vgg/model/vgg19-caffe2-7.onnx diff --git a/vision/classification/vgg/model/vgg19-caffe2-7.tar.gz b/archive/vision/classification/vgg/model/vgg19-caffe2-7.tar.gz similarity index 100% rename from vision/classification/vgg/model/vgg19-caffe2-7.tar.gz rename to archive/vision/classification/vgg/model/vgg19-caffe2-7.tar.gz diff --git a/vision/classification/vgg/model/vgg19-caffe2-8.onnx b/archive/vision/classification/vgg/model/vgg19-caffe2-8.onnx similarity index 100% rename from vision/classification/vgg/model/vgg19-caffe2-8.onnx rename to archive/vision/classification/vgg/model/vgg19-caffe2-8.onnx diff --git a/vision/classification/vgg/model/vgg19-caffe2-8.tar.gz b/archive/vision/classification/vgg/model/vgg19-caffe2-8.tar.gz similarity index 100% rename from vision/classification/vgg/model/vgg19-caffe2-8.tar.gz rename to archive/vision/classification/vgg/model/vgg19-caffe2-8.tar.gz diff --git a/vision/classification/vgg/model/vgg19-caffe2-9.onnx b/archive/vision/classification/vgg/model/vgg19-caffe2-9.onnx similarity index 100% rename from vision/classification/vgg/model/vgg19-caffe2-9.onnx rename to archive/vision/classification/vgg/model/vgg19-caffe2-9.onnx diff --git a/vision/classification/vgg/model/vgg19-caffe2-9.tar.gz b/archive/vision/classification/vgg/model/vgg19-caffe2-9.tar.gz similarity index 100% rename from vision/classification/vgg/model/vgg19-caffe2-9.tar.gz rename to archive/vision/classification/vgg/model/vgg19-caffe2-9.tar.gz diff --git a/vision/classification/vgg/train_vgg.ipynb b/archive/vision/classification/vgg/train_vgg.ipynb similarity index 100% rename from vision/classification/vgg/train_vgg.ipynb rename to archive/vision/classification/vgg/train_vgg.ipynb diff --git a/vision/classification/zfnet-512/README.md b/archive/vision/classification/zfnet-512/README.md similarity index 100% rename from vision/classification/zfnet-512/README.md rename to archive/vision/classification/zfnet-512/README.md diff --git a/vision/classification/zfnet-512/model/zfnet512-12-int8.onnx b/archive/vision/classification/zfnet-512/model/zfnet512-12-int8.onnx similarity index 100% rename from vision/classification/zfnet-512/model/zfnet512-12-int8.onnx rename to archive/vision/classification/zfnet-512/model/zfnet512-12-int8.onnx diff --git a/vision/classification/zfnet-512/model/zfnet512-12-int8.tar.gz b/archive/vision/classification/zfnet-512/model/zfnet512-12-int8.tar.gz similarity index 100% rename from vision/classification/zfnet-512/model/zfnet512-12-int8.tar.gz rename to archive/vision/classification/zfnet-512/model/zfnet512-12-int8.tar.gz diff --git a/vision/classification/zfnet-512/model/zfnet512-12-qdq.onnx b/archive/vision/classification/zfnet-512/model/zfnet512-12-qdq.onnx similarity index 100% rename from vision/classification/zfnet-512/model/zfnet512-12-qdq.onnx rename to archive/vision/classification/zfnet-512/model/zfnet512-12-qdq.onnx diff --git a/vision/classification/zfnet-512/model/zfnet512-12-qdq.tar.gz b/archive/vision/classification/zfnet-512/model/zfnet512-12-qdq.tar.gz similarity index 100% rename from vision/classification/zfnet-512/model/zfnet512-12-qdq.tar.gz rename to archive/vision/classification/zfnet-512/model/zfnet512-12-qdq.tar.gz diff --git a/vision/classification/zfnet-512/model/zfnet512-12.onnx b/archive/vision/classification/zfnet-512/model/zfnet512-12.onnx similarity index 100% rename from vision/classification/zfnet-512/model/zfnet512-12.onnx rename to archive/vision/classification/zfnet-512/model/zfnet512-12.onnx diff --git a/vision/classification/zfnet-512/model/zfnet512-12.tar.gz b/archive/vision/classification/zfnet-512/model/zfnet512-12.tar.gz similarity index 100% rename from vision/classification/zfnet-512/model/zfnet512-12.tar.gz rename to archive/vision/classification/zfnet-512/model/zfnet512-12.tar.gz diff --git a/vision/classification/zfnet-512/model/zfnet512-3.onnx b/archive/vision/classification/zfnet-512/model/zfnet512-3.onnx similarity index 100% rename from vision/classification/zfnet-512/model/zfnet512-3.onnx rename to archive/vision/classification/zfnet-512/model/zfnet512-3.onnx diff --git a/vision/classification/zfnet-512/model/zfnet512-3.tar.gz b/archive/vision/classification/zfnet-512/model/zfnet512-3.tar.gz similarity index 100% rename from vision/classification/zfnet-512/model/zfnet512-3.tar.gz rename to archive/vision/classification/zfnet-512/model/zfnet512-3.tar.gz diff --git a/vision/classification/zfnet-512/model/zfnet512-6.onnx b/archive/vision/classification/zfnet-512/model/zfnet512-6.onnx similarity index 100% rename from vision/classification/zfnet-512/model/zfnet512-6.onnx rename to archive/vision/classification/zfnet-512/model/zfnet512-6.onnx diff --git a/vision/classification/zfnet-512/model/zfnet512-6.tar.gz b/archive/vision/classification/zfnet-512/model/zfnet512-6.tar.gz similarity index 100% rename from vision/classification/zfnet-512/model/zfnet512-6.tar.gz rename to archive/vision/classification/zfnet-512/model/zfnet512-6.tar.gz diff --git a/vision/classification/zfnet-512/model/zfnet512-7.onnx b/archive/vision/classification/zfnet-512/model/zfnet512-7.onnx similarity index 100% rename from vision/classification/zfnet-512/model/zfnet512-7.onnx rename to archive/vision/classification/zfnet-512/model/zfnet512-7.onnx diff --git a/vision/classification/zfnet-512/model/zfnet512-7.tar.gz b/archive/vision/classification/zfnet-512/model/zfnet512-7.tar.gz similarity index 100% rename from vision/classification/zfnet-512/model/zfnet512-7.tar.gz rename to archive/vision/classification/zfnet-512/model/zfnet512-7.tar.gz diff --git a/vision/classification/zfnet-512/model/zfnet512-8.onnx b/archive/vision/classification/zfnet-512/model/zfnet512-8.onnx similarity index 100% rename from vision/classification/zfnet-512/model/zfnet512-8.onnx rename to archive/vision/classification/zfnet-512/model/zfnet512-8.onnx diff --git a/vision/classification/zfnet-512/model/zfnet512-8.tar.gz b/archive/vision/classification/zfnet-512/model/zfnet512-8.tar.gz similarity index 100% rename from vision/classification/zfnet-512/model/zfnet512-8.tar.gz rename to archive/vision/classification/zfnet-512/model/zfnet512-8.tar.gz diff --git a/vision/classification/zfnet-512/model/zfnet512-9.onnx b/archive/vision/classification/zfnet-512/model/zfnet512-9.onnx similarity index 100% rename from vision/classification/zfnet-512/model/zfnet512-9.onnx rename to archive/vision/classification/zfnet-512/model/zfnet512-9.onnx diff --git a/vision/classification/zfnet-512/model/zfnet512-9.tar.gz b/archive/vision/classification/zfnet-512/model/zfnet512-9.tar.gz similarity index 100% rename from vision/classification/zfnet-512/model/zfnet512-9.tar.gz rename to archive/vision/classification/zfnet-512/model/zfnet512-9.tar.gz diff --git a/vision/object_detection_segmentation/duc/README.md b/archive/vision/object_detection_segmentation/duc/README.md similarity index 100% rename from vision/object_detection_segmentation/duc/README.md rename to archive/vision/object_detection_segmentation/duc/README.md diff --git a/vision/object_detection_segmentation/duc/dependencies/cityscapes_labels.py b/archive/vision/object_detection_segmentation/duc/dependencies/cityscapes_labels.py similarity index 100% rename from vision/object_detection_segmentation/duc/dependencies/cityscapes_labels.py rename to archive/vision/object_detection_segmentation/duc/dependencies/cityscapes_labels.py diff --git a/vision/object_detection_segmentation/duc/dependencies/cityscapes_loader.py b/archive/vision/object_detection_segmentation/duc/dependencies/cityscapes_loader.py similarity index 100% rename from vision/object_detection_segmentation/duc/dependencies/cityscapes_loader.py rename to archive/vision/object_detection_segmentation/duc/dependencies/cityscapes_loader.py diff --git a/vision/object_detection_segmentation/duc/dependencies/duc-inference.ipynb b/archive/vision/object_detection_segmentation/duc/dependencies/duc-inference.ipynb similarity index 100% rename from vision/object_detection_segmentation/duc/dependencies/duc-inference.ipynb rename to archive/vision/object_detection_segmentation/duc/dependencies/duc-inference.ipynb diff --git a/vision/object_detection_segmentation/duc/dependencies/duc-postprocess.py b/archive/vision/object_detection_segmentation/duc/dependencies/duc-postprocess.py similarity index 100% rename from vision/object_detection_segmentation/duc/dependencies/duc-postprocess.py rename to archive/vision/object_detection_segmentation/duc/dependencies/duc-postprocess.py diff --git a/vision/object_detection_segmentation/duc/dependencies/duc-preprocess.py b/archive/vision/object_detection_segmentation/duc/dependencies/duc-preprocess.py similarity index 100% rename from vision/object_detection_segmentation/duc/dependencies/duc-preprocess.py rename to archive/vision/object_detection_segmentation/duc/dependencies/duc-preprocess.py diff --git a/vision/object_detection_segmentation/duc/dependencies/duc-validation.ipynb b/archive/vision/object_detection_segmentation/duc/dependencies/duc-validation.ipynb similarity index 100% rename from vision/object_detection_segmentation/duc/dependencies/duc-validation.ipynb rename to archive/vision/object_detection_segmentation/duc/dependencies/duc-validation.ipynb diff --git a/vision/object_detection_segmentation/duc/dependencies/utils.py b/archive/vision/object_detection_segmentation/duc/dependencies/utils.py similarity index 100% rename from vision/object_detection_segmentation/duc/dependencies/utils.py rename to archive/vision/object_detection_segmentation/duc/dependencies/utils.py diff --git a/vision/object_detection_segmentation/duc/model/ResNet101-DUC-12-int8.onnx b/archive/vision/object_detection_segmentation/duc/model/ResNet101-DUC-12-int8.onnx similarity index 100% rename from vision/object_detection_segmentation/duc/model/ResNet101-DUC-12-int8.onnx rename to archive/vision/object_detection_segmentation/duc/model/ResNet101-DUC-12-int8.onnx diff --git a/vision/object_detection_segmentation/duc/model/ResNet101-DUC-12-int8.tar.gz b/archive/vision/object_detection_segmentation/duc/model/ResNet101-DUC-12-int8.tar.gz similarity index 100% rename from vision/object_detection_segmentation/duc/model/ResNet101-DUC-12-int8.tar.gz rename to archive/vision/object_detection_segmentation/duc/model/ResNet101-DUC-12-int8.tar.gz diff --git a/vision/object_detection_segmentation/duc/model/ResNet101-DUC-12.onnx b/archive/vision/object_detection_segmentation/duc/model/ResNet101-DUC-12.onnx similarity index 100% rename from vision/object_detection_segmentation/duc/model/ResNet101-DUC-12.onnx rename to archive/vision/object_detection_segmentation/duc/model/ResNet101-DUC-12.onnx diff --git a/vision/object_detection_segmentation/duc/model/ResNet101-DUC-12.tar.gz b/archive/vision/object_detection_segmentation/duc/model/ResNet101-DUC-12.tar.gz similarity index 100% rename from vision/object_detection_segmentation/duc/model/ResNet101-DUC-12.tar.gz rename to archive/vision/object_detection_segmentation/duc/model/ResNet101-DUC-12.tar.gz diff --git a/vision/object_detection_segmentation/duc/model/ResNet101-DUC-7.onnx b/archive/vision/object_detection_segmentation/duc/model/ResNet101-DUC-7.onnx similarity index 100% rename from vision/object_detection_segmentation/duc/model/ResNet101-DUC-7.onnx rename to archive/vision/object_detection_segmentation/duc/model/ResNet101-DUC-7.onnx diff --git a/vision/object_detection_segmentation/duc/model/ResNet101-DUC-7.tar.gz b/archive/vision/object_detection_segmentation/duc/model/ResNet101-DUC-7.tar.gz similarity index 100% rename from vision/object_detection_segmentation/duc/model/ResNet101-DUC-7.tar.gz rename to archive/vision/object_detection_segmentation/duc/model/ResNet101-DUC-7.tar.gz diff --git a/vision/object_detection_segmentation/faster-rcnn/README.md b/archive/vision/object_detection_segmentation/faster-rcnn/README.md similarity index 100% rename from vision/object_detection_segmentation/faster-rcnn/README.md rename to archive/vision/object_detection_segmentation/faster-rcnn/README.md diff --git a/vision/object_detection_segmentation/faster-rcnn/dependencies/coco_classes.txt b/archive/vision/object_detection_segmentation/faster-rcnn/dependencies/coco_classes.txt similarity index 100% rename from vision/object_detection_segmentation/faster-rcnn/dependencies/coco_classes.txt rename to archive/vision/object_detection_segmentation/faster-rcnn/dependencies/coco_classes.txt diff --git a/vision/object_detection_segmentation/faster-rcnn/dependencies/demo.jpg b/archive/vision/object_detection_segmentation/faster-rcnn/dependencies/demo.jpg similarity index 100% rename from vision/object_detection_segmentation/faster-rcnn/dependencies/demo.jpg rename to archive/vision/object_detection_segmentation/faster-rcnn/dependencies/demo.jpg diff --git a/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-10.onnx b/archive/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-10.onnx similarity index 100% rename from vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-10.onnx rename to archive/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-10.onnx diff --git a/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-10.tar.gz b/archive/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-10.tar.gz similarity index 100% rename from vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-10.tar.gz rename to archive/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-10.tar.gz diff --git a/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12-int8.onnx b/archive/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12-int8.onnx similarity index 100% rename from vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12-int8.onnx rename to archive/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12-int8.onnx diff --git a/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12-int8.tar.gz b/archive/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12-int8.tar.gz similarity index 100% rename from vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12-int8.tar.gz rename to archive/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12-int8.tar.gz diff --git a/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12-qdq.onnx b/archive/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12-qdq.onnx similarity index 100% rename from vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12-qdq.onnx rename to archive/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12-qdq.onnx diff --git a/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12-qdq.tar.gz b/archive/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12-qdq.tar.gz similarity index 100% rename from vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12-qdq.tar.gz rename to archive/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12-qdq.tar.gz diff --git a/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12.onnx b/archive/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12.onnx similarity index 100% rename from vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12.onnx rename to archive/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12.onnx diff --git a/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12.tar.gz b/archive/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12.tar.gz similarity index 100% rename from vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12.tar.gz rename to archive/vision/object_detection_segmentation/faster-rcnn/model/FasterRCNN-12.tar.gz diff --git a/vision/object_detection_segmentation/fcn/README.md b/archive/vision/object_detection_segmentation/fcn/README.md similarity index 100% rename from vision/object_detection_segmentation/fcn/README.md rename to archive/vision/object_detection_segmentation/fcn/README.md diff --git a/vision/object_detection_segmentation/fcn/dependencies/000000017968.jpg b/archive/vision/object_detection_segmentation/fcn/dependencies/000000017968.jpg similarity index 100% rename from vision/object_detection_segmentation/fcn/dependencies/000000017968.jpg rename to archive/vision/object_detection_segmentation/fcn/dependencies/000000017968.jpg diff --git a/vision/object_detection_segmentation/fcn/dependencies/000000025205.jpg b/archive/vision/object_detection_segmentation/fcn/dependencies/000000025205.jpg similarity index 100% rename from vision/object_detection_segmentation/fcn/dependencies/000000025205.jpg rename to archive/vision/object_detection_segmentation/fcn/dependencies/000000025205.jpg diff --git a/vision/object_detection_segmentation/fcn/dependencies/conversion.ipynb b/archive/vision/object_detection_segmentation/fcn/dependencies/conversion.ipynb similarity index 100% rename from vision/object_detection_segmentation/fcn/dependencies/conversion.ipynb rename to archive/vision/object_detection_segmentation/fcn/dependencies/conversion.ipynb diff --git a/vision/object_detection_segmentation/fcn/dependencies/inference.ipynb b/archive/vision/object_detection_segmentation/fcn/dependencies/inference.ipynb similarity index 100% rename from vision/object_detection_segmentation/fcn/dependencies/inference.ipynb rename to archive/vision/object_detection_segmentation/fcn/dependencies/inference.ipynb diff --git a/vision/object_detection_segmentation/fcn/dependencies/validation_accuracy.ipynb b/archive/vision/object_detection_segmentation/fcn/dependencies/validation_accuracy.ipynb similarity index 100% rename from vision/object_detection_segmentation/fcn/dependencies/validation_accuracy.ipynb rename to archive/vision/object_detection_segmentation/fcn/dependencies/validation_accuracy.ipynb diff --git a/vision/object_detection_segmentation/fcn/dependencies/voc_classes.txt b/archive/vision/object_detection_segmentation/fcn/dependencies/voc_classes.txt similarity index 100% rename from vision/object_detection_segmentation/fcn/dependencies/voc_classes.txt rename to archive/vision/object_detection_segmentation/fcn/dependencies/voc_classes.txt diff --git a/vision/object_detection_segmentation/fcn/model/fcn-resnet101-11.onnx b/archive/vision/object_detection_segmentation/fcn/model/fcn-resnet101-11.onnx similarity index 100% rename from vision/object_detection_segmentation/fcn/model/fcn-resnet101-11.onnx rename to archive/vision/object_detection_segmentation/fcn/model/fcn-resnet101-11.onnx diff --git a/vision/object_detection_segmentation/fcn/model/fcn-resnet101-11.tar.gz b/archive/vision/object_detection_segmentation/fcn/model/fcn-resnet101-11.tar.gz similarity index 100% rename from vision/object_detection_segmentation/fcn/model/fcn-resnet101-11.tar.gz rename to archive/vision/object_detection_segmentation/fcn/model/fcn-resnet101-11.tar.gz diff --git a/vision/object_detection_segmentation/fcn/model/fcn-resnet50-11.onnx b/archive/vision/object_detection_segmentation/fcn/model/fcn-resnet50-11.onnx similarity index 100% rename from vision/object_detection_segmentation/fcn/model/fcn-resnet50-11.onnx rename to archive/vision/object_detection_segmentation/fcn/model/fcn-resnet50-11.onnx diff --git a/vision/object_detection_segmentation/fcn/model/fcn-resnet50-11.tar.gz b/archive/vision/object_detection_segmentation/fcn/model/fcn-resnet50-11.tar.gz similarity index 100% rename from vision/object_detection_segmentation/fcn/model/fcn-resnet50-11.tar.gz rename to archive/vision/object_detection_segmentation/fcn/model/fcn-resnet50-11.tar.gz diff --git a/vision/object_detection_segmentation/fcn/model/fcn-resnet50-12-int8.onnx b/archive/vision/object_detection_segmentation/fcn/model/fcn-resnet50-12-int8.onnx similarity index 100% rename from vision/object_detection_segmentation/fcn/model/fcn-resnet50-12-int8.onnx rename to archive/vision/object_detection_segmentation/fcn/model/fcn-resnet50-12-int8.onnx diff --git a/vision/object_detection_segmentation/fcn/model/fcn-resnet50-12-int8.tar.gz b/archive/vision/object_detection_segmentation/fcn/model/fcn-resnet50-12-int8.tar.gz similarity index 100% rename from vision/object_detection_segmentation/fcn/model/fcn-resnet50-12-int8.tar.gz rename to archive/vision/object_detection_segmentation/fcn/model/fcn-resnet50-12-int8.tar.gz diff --git a/vision/object_detection_segmentation/fcn/model/fcn-resnet50-12-qdq.onnx b/archive/vision/object_detection_segmentation/fcn/model/fcn-resnet50-12-qdq.onnx similarity index 100% rename from vision/object_detection_segmentation/fcn/model/fcn-resnet50-12-qdq.onnx rename to archive/vision/object_detection_segmentation/fcn/model/fcn-resnet50-12-qdq.onnx diff --git a/vision/object_detection_segmentation/fcn/model/fcn-resnet50-12-qdq.tar.gz b/archive/vision/object_detection_segmentation/fcn/model/fcn-resnet50-12-qdq.tar.gz similarity index 100% rename from vision/object_detection_segmentation/fcn/model/fcn-resnet50-12-qdq.tar.gz rename to archive/vision/object_detection_segmentation/fcn/model/fcn-resnet50-12-qdq.tar.gz diff --git a/vision/object_detection_segmentation/fcn/model/fcn-resnet50-12.onnx b/archive/vision/object_detection_segmentation/fcn/model/fcn-resnet50-12.onnx similarity index 100% rename from vision/object_detection_segmentation/fcn/model/fcn-resnet50-12.onnx rename to archive/vision/object_detection_segmentation/fcn/model/fcn-resnet50-12.onnx diff --git a/vision/object_detection_segmentation/fcn/model/fcn-resnet50-12.tar.gz b/archive/vision/object_detection_segmentation/fcn/model/fcn-resnet50-12.tar.gz similarity index 100% rename from vision/object_detection_segmentation/fcn/model/fcn-resnet50-12.tar.gz rename to archive/vision/object_detection_segmentation/fcn/model/fcn-resnet50-12.tar.gz diff --git a/vision/object_detection_segmentation/mask-rcnn/README.md b/archive/vision/object_detection_segmentation/mask-rcnn/README.md similarity index 100% rename from vision/object_detection_segmentation/mask-rcnn/README.md rename to archive/vision/object_detection_segmentation/mask-rcnn/README.md diff --git a/vision/object_detection_segmentation/mask-rcnn/dependencies/coco_classes.txt b/archive/vision/object_detection_segmentation/mask-rcnn/dependencies/coco_classes.txt similarity index 100% rename from vision/object_detection_segmentation/mask-rcnn/dependencies/coco_classes.txt rename to archive/vision/object_detection_segmentation/mask-rcnn/dependencies/coco_classes.txt diff --git a/vision/object_detection_segmentation/mask-rcnn/dependencies/demo.jpg b/archive/vision/object_detection_segmentation/mask-rcnn/dependencies/demo.jpg similarity index 100% rename from vision/object_detection_segmentation/mask-rcnn/dependencies/demo.jpg rename to archive/vision/object_detection_segmentation/mask-rcnn/dependencies/demo.jpg diff --git a/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-10.onnx b/archive/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-10.onnx similarity index 100% rename from vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-10.onnx rename to archive/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-10.onnx diff --git a/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-10.tar.gz b/archive/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-10.tar.gz similarity index 100% rename from vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-10.tar.gz rename to archive/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-10.tar.gz diff --git a/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12-int8.onnx b/archive/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12-int8.onnx similarity index 100% rename from vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12-int8.onnx rename to archive/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12-int8.onnx diff --git a/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12-int8.tar.gz b/archive/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12-int8.tar.gz similarity index 100% rename from vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12-int8.tar.gz rename to archive/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12-int8.tar.gz diff --git a/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12-qdq.onnx b/archive/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12-qdq.onnx similarity index 100% rename from vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12-qdq.onnx rename to archive/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12-qdq.onnx diff --git a/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12-qdq.tar.gz b/archive/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12-qdq.tar.gz similarity index 100% rename from vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12-qdq.tar.gz rename to archive/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12-qdq.tar.gz diff --git a/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12.onnx b/archive/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12.onnx similarity index 100% rename from vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12.onnx rename to archive/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12.onnx diff --git a/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12.tar.gz b/archive/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12.tar.gz similarity index 100% rename from vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12.tar.gz rename to archive/vision/object_detection_segmentation/mask-rcnn/model/MaskRCNN-12.tar.gz diff --git a/vision/object_detection_segmentation/retinanet/README.md b/archive/vision/object_detection_segmentation/retinanet/README.md similarity index 100% rename from vision/object_detection_segmentation/retinanet/README.md rename to archive/vision/object_detection_segmentation/retinanet/README.md diff --git a/vision/object_detection_segmentation/retinanet/dependencies/demo.jpg b/archive/vision/object_detection_segmentation/retinanet/dependencies/demo.jpg similarity index 100% rename from vision/object_detection_segmentation/retinanet/dependencies/demo.jpg rename to archive/vision/object_detection_segmentation/retinanet/dependencies/demo.jpg diff --git a/vision/object_detection_segmentation/retinanet/dependencies/retinanet-export.py b/archive/vision/object_detection_segmentation/retinanet/dependencies/retinanet-export.py similarity index 100% rename from vision/object_detection_segmentation/retinanet/dependencies/retinanet-export.py rename to archive/vision/object_detection_segmentation/retinanet/dependencies/retinanet-export.py diff --git a/vision/object_detection_segmentation/retinanet/model/retinanet-9.onnx b/archive/vision/object_detection_segmentation/retinanet/model/retinanet-9.onnx similarity index 100% rename from vision/object_detection_segmentation/retinanet/model/retinanet-9.onnx rename to archive/vision/object_detection_segmentation/retinanet/model/retinanet-9.onnx diff --git a/vision/object_detection_segmentation/retinanet/model/retinanet-9.tar.gz b/archive/vision/object_detection_segmentation/retinanet/model/retinanet-9.tar.gz similarity index 100% rename from vision/object_detection_segmentation/retinanet/model/retinanet-9.tar.gz rename to archive/vision/object_detection_segmentation/retinanet/model/retinanet-9.tar.gz diff --git a/vision/object_detection_segmentation/ssd-mobilenetv1/README.md b/archive/vision/object_detection_segmentation/ssd-mobilenetv1/README.md similarity index 100% rename from vision/object_detection_segmentation/ssd-mobilenetv1/README.md rename to archive/vision/object_detection_segmentation/ssd-mobilenetv1/README.md diff --git a/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_10.onnx b/archive/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_10.onnx similarity index 100% rename from vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_10.onnx rename to archive/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_10.onnx diff --git a/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_10.tar.gz b/archive/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_10.tar.gz similarity index 100% rename from vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_10.tar.gz rename to archive/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_10.tar.gz diff --git a/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_12-int8.onnx b/archive/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_12-int8.onnx similarity index 100% rename from vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_12-int8.onnx rename to archive/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_12-int8.onnx diff --git a/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_12-int8.tar.gz b/archive/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_12-int8.tar.gz similarity index 100% rename from vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_12-int8.tar.gz rename to archive/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_12-int8.tar.gz diff --git a/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_12.onnx b/archive/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_12.onnx similarity index 100% rename from vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_12.onnx rename to archive/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_12.onnx diff --git a/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_12.tar.gz b/archive/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_12.tar.gz similarity index 100% rename from vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_12.tar.gz rename to archive/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_12.tar.gz diff --git a/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_13-qdq.onnx b/archive/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_13-qdq.onnx similarity index 100% rename from vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_13-qdq.onnx rename to archive/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_13-qdq.onnx diff --git a/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_13-qdq.tar.gz b/archive/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_13-qdq.tar.gz similarity index 100% rename from vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_13-qdq.tar.gz rename to archive/vision/object_detection_segmentation/ssd-mobilenetv1/model/ssd_mobilenet_v1_13-qdq.tar.gz diff --git a/vision/object_detection_segmentation/ssd/README.md b/archive/vision/object_detection_segmentation/ssd/README.md similarity index 100% rename from vision/object_detection_segmentation/ssd/README.md rename to archive/vision/object_detection_segmentation/ssd/README.md diff --git a/vision/object_detection_segmentation/ssd/model/ssd-10.onnx b/archive/vision/object_detection_segmentation/ssd/model/ssd-10.onnx similarity index 100% rename from vision/object_detection_segmentation/ssd/model/ssd-10.onnx rename to archive/vision/object_detection_segmentation/ssd/model/ssd-10.onnx diff --git a/vision/object_detection_segmentation/ssd/model/ssd-10.tar.gz b/archive/vision/object_detection_segmentation/ssd/model/ssd-10.tar.gz similarity index 100% rename from vision/object_detection_segmentation/ssd/model/ssd-10.tar.gz rename to archive/vision/object_detection_segmentation/ssd/model/ssd-10.tar.gz diff --git a/vision/object_detection_segmentation/ssd/model/ssd-12-int8.onnx b/archive/vision/object_detection_segmentation/ssd/model/ssd-12-int8.onnx similarity index 100% rename from vision/object_detection_segmentation/ssd/model/ssd-12-int8.onnx rename to archive/vision/object_detection_segmentation/ssd/model/ssd-12-int8.onnx diff --git a/vision/object_detection_segmentation/ssd/model/ssd-12-int8.tar.gz b/archive/vision/object_detection_segmentation/ssd/model/ssd-12-int8.tar.gz similarity index 100% rename from vision/object_detection_segmentation/ssd/model/ssd-12-int8.tar.gz rename to archive/vision/object_detection_segmentation/ssd/model/ssd-12-int8.tar.gz diff --git a/vision/object_detection_segmentation/ssd/model/ssd-12-qdq.onnx b/archive/vision/object_detection_segmentation/ssd/model/ssd-12-qdq.onnx similarity index 100% rename from vision/object_detection_segmentation/ssd/model/ssd-12-qdq.onnx rename to archive/vision/object_detection_segmentation/ssd/model/ssd-12-qdq.onnx diff --git a/vision/object_detection_segmentation/ssd/model/ssd-12-qdq.tar.gz b/archive/vision/object_detection_segmentation/ssd/model/ssd-12-qdq.tar.gz similarity index 100% rename from vision/object_detection_segmentation/ssd/model/ssd-12-qdq.tar.gz rename to archive/vision/object_detection_segmentation/ssd/model/ssd-12-qdq.tar.gz diff --git a/vision/object_detection_segmentation/ssd/model/ssd-12.onnx b/archive/vision/object_detection_segmentation/ssd/model/ssd-12.onnx similarity index 100% rename from vision/object_detection_segmentation/ssd/model/ssd-12.onnx rename to archive/vision/object_detection_segmentation/ssd/model/ssd-12.onnx diff --git a/vision/object_detection_segmentation/ssd/model/ssd-12.tar.gz b/archive/vision/object_detection_segmentation/ssd/model/ssd-12.tar.gz similarity index 100% rename from vision/object_detection_segmentation/ssd/model/ssd-12.tar.gz rename to archive/vision/object_detection_segmentation/ssd/model/ssd-12.tar.gz diff --git a/vision/object_detection_segmentation/tiny-yolov2/README.md b/archive/vision/object_detection_segmentation/tiny-yolov2/README.md similarity index 100% rename from vision/object_detection_segmentation/tiny-yolov2/README.md rename to archive/vision/object_detection_segmentation/tiny-yolov2/README.md diff --git a/vision/object_detection_segmentation/tiny-yolov2/model/tinyyolov2-7.onnx b/archive/vision/object_detection_segmentation/tiny-yolov2/model/tinyyolov2-7.onnx similarity index 100% rename from vision/object_detection_segmentation/tiny-yolov2/model/tinyyolov2-7.onnx rename to archive/vision/object_detection_segmentation/tiny-yolov2/model/tinyyolov2-7.onnx diff --git a/vision/object_detection_segmentation/tiny-yolov2/model/tinyyolov2-7.tar.gz b/archive/vision/object_detection_segmentation/tiny-yolov2/model/tinyyolov2-7.tar.gz similarity index 100% rename from vision/object_detection_segmentation/tiny-yolov2/model/tinyyolov2-7.tar.gz rename to archive/vision/object_detection_segmentation/tiny-yolov2/model/tinyyolov2-7.tar.gz diff --git a/vision/object_detection_segmentation/tiny-yolov2/model/tinyyolov2-8.onnx b/archive/vision/object_detection_segmentation/tiny-yolov2/model/tinyyolov2-8.onnx similarity index 100% rename from vision/object_detection_segmentation/tiny-yolov2/model/tinyyolov2-8.onnx rename to archive/vision/object_detection_segmentation/tiny-yolov2/model/tinyyolov2-8.onnx diff --git a/vision/object_detection_segmentation/tiny-yolov2/model/tinyyolov2-8.tar.gz b/archive/vision/object_detection_segmentation/tiny-yolov2/model/tinyyolov2-8.tar.gz similarity index 100% rename from vision/object_detection_segmentation/tiny-yolov2/model/tinyyolov2-8.tar.gz rename to archive/vision/object_detection_segmentation/tiny-yolov2/model/tinyyolov2-8.tar.gz diff --git a/vision/object_detection_segmentation/tiny-yolov3/README.md b/archive/vision/object_detection_segmentation/tiny-yolov3/README.md similarity index 100% rename from vision/object_detection_segmentation/tiny-yolov3/README.md rename to archive/vision/object_detection_segmentation/tiny-yolov3/README.md diff --git a/vision/object_detection_segmentation/tiny-yolov3/model/tiny-yolov3-11.onnx b/archive/vision/object_detection_segmentation/tiny-yolov3/model/tiny-yolov3-11.onnx similarity index 100% rename from vision/object_detection_segmentation/tiny-yolov3/model/tiny-yolov3-11.onnx rename to archive/vision/object_detection_segmentation/tiny-yolov3/model/tiny-yolov3-11.onnx diff --git a/vision/object_detection_segmentation/tiny-yolov3/model/tiny-yolov3-11.tar.gz b/archive/vision/object_detection_segmentation/tiny-yolov3/model/tiny-yolov3-11.tar.gz similarity index 100% rename from vision/object_detection_segmentation/tiny-yolov3/model/tiny-yolov3-11.tar.gz rename to archive/vision/object_detection_segmentation/tiny-yolov3/model/tiny-yolov3-11.tar.gz diff --git a/vision/object_detection_segmentation/yolov2-coco/README.md b/archive/vision/object_detection_segmentation/yolov2-coco/README.md similarity index 100% rename from vision/object_detection_segmentation/yolov2-coco/README.md rename to archive/vision/object_detection_segmentation/yolov2-coco/README.md diff --git a/vision/object_detection_segmentation/yolov2-coco/model/yolov2-coco-9.onnx b/archive/vision/object_detection_segmentation/yolov2-coco/model/yolov2-coco-9.onnx similarity index 100% rename from vision/object_detection_segmentation/yolov2-coco/model/yolov2-coco-9.onnx rename to archive/vision/object_detection_segmentation/yolov2-coco/model/yolov2-coco-9.onnx diff --git a/vision/object_detection_segmentation/yolov2-coco/model/yolov2-coco-9.tar.gz b/archive/vision/object_detection_segmentation/yolov2-coco/model/yolov2-coco-9.tar.gz similarity index 100% rename from vision/object_detection_segmentation/yolov2-coco/model/yolov2-coco-9.tar.gz rename to archive/vision/object_detection_segmentation/yolov2-coco/model/yolov2-coco-9.tar.gz diff --git a/vision/object_detection_segmentation/yolov3/README.md b/archive/vision/object_detection_segmentation/yolov3/README.md similarity index 100% rename from vision/object_detection_segmentation/yolov3/README.md rename to archive/vision/object_detection_segmentation/yolov3/README.md diff --git a/vision/object_detection_segmentation/yolov3/model/yolov3-10.onnx b/archive/vision/object_detection_segmentation/yolov3/model/yolov3-10.onnx similarity index 100% rename from vision/object_detection_segmentation/yolov3/model/yolov3-10.onnx rename to archive/vision/object_detection_segmentation/yolov3/model/yolov3-10.onnx diff --git a/vision/object_detection_segmentation/yolov3/model/yolov3-10.tar.gz b/archive/vision/object_detection_segmentation/yolov3/model/yolov3-10.tar.gz similarity index 100% rename from vision/object_detection_segmentation/yolov3/model/yolov3-10.tar.gz rename to archive/vision/object_detection_segmentation/yolov3/model/yolov3-10.tar.gz diff --git a/vision/object_detection_segmentation/yolov3/model/yolov3-12-int8.onnx b/archive/vision/object_detection_segmentation/yolov3/model/yolov3-12-int8.onnx similarity index 100% rename from vision/object_detection_segmentation/yolov3/model/yolov3-12-int8.onnx rename to archive/vision/object_detection_segmentation/yolov3/model/yolov3-12-int8.onnx diff --git a/vision/object_detection_segmentation/yolov3/model/yolov3-12-int8.tar.gz b/archive/vision/object_detection_segmentation/yolov3/model/yolov3-12-int8.tar.gz similarity index 100% rename from vision/object_detection_segmentation/yolov3/model/yolov3-12-int8.tar.gz rename to archive/vision/object_detection_segmentation/yolov3/model/yolov3-12-int8.tar.gz diff --git a/vision/object_detection_segmentation/yolov3/model/yolov3-12.onnx b/archive/vision/object_detection_segmentation/yolov3/model/yolov3-12.onnx similarity index 100% rename from vision/object_detection_segmentation/yolov3/model/yolov3-12.onnx rename to archive/vision/object_detection_segmentation/yolov3/model/yolov3-12.onnx diff --git a/vision/object_detection_segmentation/yolov3/model/yolov3-12.tar.gz b/archive/vision/object_detection_segmentation/yolov3/model/yolov3-12.tar.gz similarity index 100% rename from vision/object_detection_segmentation/yolov3/model/yolov3-12.tar.gz rename to archive/vision/object_detection_segmentation/yolov3/model/yolov3-12.tar.gz diff --git a/vision/object_detection_segmentation/yolov4/README.md b/archive/vision/object_detection_segmentation/yolov4/README.md similarity index 100% rename from vision/object_detection_segmentation/yolov4/README.md rename to archive/vision/object_detection_segmentation/yolov4/README.md diff --git a/vision/object_detection_segmentation/yolov4/dependencies/Conversion.ipynb b/archive/vision/object_detection_segmentation/yolov4/dependencies/Conversion.ipynb similarity index 100% rename from vision/object_detection_segmentation/yolov4/dependencies/Conversion.ipynb rename to archive/vision/object_detection_segmentation/yolov4/dependencies/Conversion.ipynb diff --git a/vision/object_detection_segmentation/yolov4/dependencies/coco.names b/archive/vision/object_detection_segmentation/yolov4/dependencies/coco.names similarity index 100% rename from vision/object_detection_segmentation/yolov4/dependencies/coco.names rename to archive/vision/object_detection_segmentation/yolov4/dependencies/coco.names diff --git a/vision/object_detection_segmentation/yolov4/dependencies/inference.ipynb b/archive/vision/object_detection_segmentation/yolov4/dependencies/inference.ipynb similarity index 100% rename from vision/object_detection_segmentation/yolov4/dependencies/inference.ipynb rename to archive/vision/object_detection_segmentation/yolov4/dependencies/inference.ipynb diff --git a/vision/object_detection_segmentation/yolov4/dependencies/onnx-model-validation.ipynb b/archive/vision/object_detection_segmentation/yolov4/dependencies/onnx-model-validation.ipynb similarity index 100% rename from vision/object_detection_segmentation/yolov4/dependencies/onnx-model-validation.ipynb rename to archive/vision/object_detection_segmentation/yolov4/dependencies/onnx-model-validation.ipynb diff --git a/vision/object_detection_segmentation/yolov4/dependencies/yolov4_anchors.txt b/archive/vision/object_detection_segmentation/yolov4/dependencies/yolov4_anchors.txt similarity index 100% rename from vision/object_detection_segmentation/yolov4/dependencies/yolov4_anchors.txt rename to archive/vision/object_detection_segmentation/yolov4/dependencies/yolov4_anchors.txt diff --git a/vision/object_detection_segmentation/yolov4/model/yolov4.onnx b/archive/vision/object_detection_segmentation/yolov4/model/yolov4.onnx similarity index 100% rename from vision/object_detection_segmentation/yolov4/model/yolov4.onnx rename to archive/vision/object_detection_segmentation/yolov4/model/yolov4.onnx diff --git a/vision/object_detection_segmentation/yolov4/model/yolov4.tar.gz b/archive/vision/object_detection_segmentation/yolov4/model/yolov4.tar.gz similarity index 100% rename from vision/object_detection_segmentation/yolov4/model/yolov4.tar.gz rename to archive/vision/object_detection_segmentation/yolov4/model/yolov4.tar.gz diff --git a/vision/style_transfer/fast_neural_style/README.md b/archive/vision/style_transfer/fast_neural_style/README.md similarity index 100% rename from vision/style_transfer/fast_neural_style/README.md rename to archive/vision/style_transfer/fast_neural_style/README.md diff --git a/vision/style_transfer/fast_neural_style/dependencies/conversion.ipynb b/archive/vision/style_transfer/fast_neural_style/dependencies/conversion.ipynb similarity index 100% rename from vision/style_transfer/fast_neural_style/dependencies/conversion.ipynb rename to archive/vision/style_transfer/fast_neural_style/dependencies/conversion.ipynb diff --git a/vision/style_transfer/fast_neural_style/dependencies/style-transfer-ort.ipynb b/archive/vision/style_transfer/fast_neural_style/dependencies/style-transfer-ort.ipynb similarity index 100% rename from vision/style_transfer/fast_neural_style/dependencies/style-transfer-ort.ipynb rename to archive/vision/style_transfer/fast_neural_style/dependencies/style-transfer-ort.ipynb diff --git a/vision/style_transfer/fast_neural_style/dependencies/transformer_net.py b/archive/vision/style_transfer/fast_neural_style/dependencies/transformer_net.py similarity index 100% rename from vision/style_transfer/fast_neural_style/dependencies/transformer_net.py rename to archive/vision/style_transfer/fast_neural_style/dependencies/transformer_net.py diff --git a/vision/style_transfer/fast_neural_style/model/candy-8.onnx b/archive/vision/style_transfer/fast_neural_style/model/candy-8.onnx similarity index 100% rename from vision/style_transfer/fast_neural_style/model/candy-8.onnx rename to archive/vision/style_transfer/fast_neural_style/model/candy-8.onnx diff --git a/vision/style_transfer/fast_neural_style/model/candy-8.tar.gz b/archive/vision/style_transfer/fast_neural_style/model/candy-8.tar.gz similarity index 100% rename from vision/style_transfer/fast_neural_style/model/candy-8.tar.gz rename to archive/vision/style_transfer/fast_neural_style/model/candy-8.tar.gz diff --git a/vision/style_transfer/fast_neural_style/model/candy-9.onnx b/archive/vision/style_transfer/fast_neural_style/model/candy-9.onnx similarity index 100% rename from vision/style_transfer/fast_neural_style/model/candy-9.onnx rename to archive/vision/style_transfer/fast_neural_style/model/candy-9.onnx diff --git a/vision/style_transfer/fast_neural_style/model/candy-9.tar.gz b/archive/vision/style_transfer/fast_neural_style/model/candy-9.tar.gz similarity index 100% rename from vision/style_transfer/fast_neural_style/model/candy-9.tar.gz rename to archive/vision/style_transfer/fast_neural_style/model/candy-9.tar.gz diff --git a/vision/style_transfer/fast_neural_style/model/mosaic-8.onnx b/archive/vision/style_transfer/fast_neural_style/model/mosaic-8.onnx similarity index 100% rename from vision/style_transfer/fast_neural_style/model/mosaic-8.onnx rename to archive/vision/style_transfer/fast_neural_style/model/mosaic-8.onnx diff --git a/vision/style_transfer/fast_neural_style/model/mosaic-8.tar.gz b/archive/vision/style_transfer/fast_neural_style/model/mosaic-8.tar.gz similarity index 100% rename from vision/style_transfer/fast_neural_style/model/mosaic-8.tar.gz rename to archive/vision/style_transfer/fast_neural_style/model/mosaic-8.tar.gz diff --git a/vision/style_transfer/fast_neural_style/model/mosaic-9.onnx b/archive/vision/style_transfer/fast_neural_style/model/mosaic-9.onnx similarity index 100% rename from vision/style_transfer/fast_neural_style/model/mosaic-9.onnx rename to archive/vision/style_transfer/fast_neural_style/model/mosaic-9.onnx diff --git a/vision/style_transfer/fast_neural_style/model/mosaic-9.tar.gz b/archive/vision/style_transfer/fast_neural_style/model/mosaic-9.tar.gz similarity index 100% rename from vision/style_transfer/fast_neural_style/model/mosaic-9.tar.gz rename to archive/vision/style_transfer/fast_neural_style/model/mosaic-9.tar.gz diff --git a/vision/style_transfer/fast_neural_style/model/pointilism-8.onnx b/archive/vision/style_transfer/fast_neural_style/model/pointilism-8.onnx similarity index 100% rename from vision/style_transfer/fast_neural_style/model/pointilism-8.onnx rename to archive/vision/style_transfer/fast_neural_style/model/pointilism-8.onnx diff --git a/vision/style_transfer/fast_neural_style/model/pointilism-8.tar.gz b/archive/vision/style_transfer/fast_neural_style/model/pointilism-8.tar.gz similarity index 100% rename from vision/style_transfer/fast_neural_style/model/pointilism-8.tar.gz rename to archive/vision/style_transfer/fast_neural_style/model/pointilism-8.tar.gz diff --git a/vision/style_transfer/fast_neural_style/model/pointilism-9.onnx b/archive/vision/style_transfer/fast_neural_style/model/pointilism-9.onnx similarity index 100% rename from vision/style_transfer/fast_neural_style/model/pointilism-9.onnx rename to archive/vision/style_transfer/fast_neural_style/model/pointilism-9.onnx diff --git a/vision/style_transfer/fast_neural_style/model/pointilism-9.tar.gz b/archive/vision/style_transfer/fast_neural_style/model/pointilism-9.tar.gz similarity index 100% rename from vision/style_transfer/fast_neural_style/model/pointilism-9.tar.gz rename to archive/vision/style_transfer/fast_neural_style/model/pointilism-9.tar.gz diff --git a/vision/style_transfer/fast_neural_style/model/rain-princess-8.onnx b/archive/vision/style_transfer/fast_neural_style/model/rain-princess-8.onnx similarity index 100% rename from vision/style_transfer/fast_neural_style/model/rain-princess-8.onnx rename to archive/vision/style_transfer/fast_neural_style/model/rain-princess-8.onnx diff --git a/vision/style_transfer/fast_neural_style/model/rain-princess-8.tar.gz b/archive/vision/style_transfer/fast_neural_style/model/rain-princess-8.tar.gz similarity index 100% rename from vision/style_transfer/fast_neural_style/model/rain-princess-8.tar.gz rename to archive/vision/style_transfer/fast_neural_style/model/rain-princess-8.tar.gz diff --git a/vision/style_transfer/fast_neural_style/model/rain-princess-9.onnx b/archive/vision/style_transfer/fast_neural_style/model/rain-princess-9.onnx similarity index 100% rename from vision/style_transfer/fast_neural_style/model/rain-princess-9.onnx rename to archive/vision/style_transfer/fast_neural_style/model/rain-princess-9.onnx diff --git a/vision/style_transfer/fast_neural_style/model/rain-princess-9.tar.gz b/archive/vision/style_transfer/fast_neural_style/model/rain-princess-9.tar.gz similarity index 100% rename from vision/style_transfer/fast_neural_style/model/rain-princess-9.tar.gz rename to archive/vision/style_transfer/fast_neural_style/model/rain-princess-9.tar.gz diff --git a/vision/style_transfer/fast_neural_style/model/udnie-8.onnx b/archive/vision/style_transfer/fast_neural_style/model/udnie-8.onnx similarity index 100% rename from vision/style_transfer/fast_neural_style/model/udnie-8.onnx rename to archive/vision/style_transfer/fast_neural_style/model/udnie-8.onnx diff --git a/vision/style_transfer/fast_neural_style/model/udnie-8.tar.gz b/archive/vision/style_transfer/fast_neural_style/model/udnie-8.tar.gz similarity index 100% rename from vision/style_transfer/fast_neural_style/model/udnie-8.tar.gz rename to archive/vision/style_transfer/fast_neural_style/model/udnie-8.tar.gz diff --git a/vision/style_transfer/fast_neural_style/model/udnie-9.onnx b/archive/vision/style_transfer/fast_neural_style/model/udnie-9.onnx similarity index 100% rename from vision/style_transfer/fast_neural_style/model/udnie-9.onnx rename to archive/vision/style_transfer/fast_neural_style/model/udnie-9.onnx diff --git a/vision/style_transfer/fast_neural_style/model/udnie-9.tar.gz b/archive/vision/style_transfer/fast_neural_style/model/udnie-9.tar.gz similarity index 100% rename from vision/style_transfer/fast_neural_style/model/udnie-9.tar.gz rename to archive/vision/style_transfer/fast_neural_style/model/udnie-9.tar.gz diff --git a/vision/super_resolution/sub_pixel_cnn_2016/README.md b/archive/vision/super_resolution/sub_pixel_cnn_2016/README.md similarity index 100% rename from vision/super_resolution/sub_pixel_cnn_2016/README.md rename to archive/vision/super_resolution/sub_pixel_cnn_2016/README.md diff --git a/vision/super_resolution/sub_pixel_cnn_2016/dependencies/Run_Super_Resolution_Model.ipynb b/archive/vision/super_resolution/sub_pixel_cnn_2016/dependencies/Run_Super_Resolution_Model.ipynb similarity index 100% rename from vision/super_resolution/sub_pixel_cnn_2016/dependencies/Run_Super_Resolution_Model.ipynb rename to archive/vision/super_resolution/sub_pixel_cnn_2016/dependencies/Run_Super_Resolution_Model.ipynb diff --git a/vision/super_resolution/sub_pixel_cnn_2016/model/super-resolution-10.onnx b/archive/vision/super_resolution/sub_pixel_cnn_2016/model/super-resolution-10.onnx similarity index 100% rename from vision/super_resolution/sub_pixel_cnn_2016/model/super-resolution-10.onnx rename to archive/vision/super_resolution/sub_pixel_cnn_2016/model/super-resolution-10.onnx diff --git a/vision/super_resolution/sub_pixel_cnn_2016/model/super-resolution-10.tar.gz b/archive/vision/super_resolution/sub_pixel_cnn_2016/model/super-resolution-10.tar.gz similarity index 100% rename from vision/super_resolution/sub_pixel_cnn_2016/model/super-resolution-10.tar.gz rename to archive/vision/super_resolution/sub_pixel_cnn_2016/model/super-resolution-10.tar.gz diff --git a/workflow_scripts/check_model.py b/archive/workflow_scripts/check_model.py similarity index 100% rename from workflow_scripts/check_model.py rename to archive/workflow_scripts/check_model.py diff --git a/workflow_scripts/generate_onnx_hub_manifest.py b/archive/workflow_scripts/generate_onnx_hub_manifest.py similarity index 97% rename from workflow_scripts/generate_onnx_hub_manifest.py rename to archive/workflow_scripts/generate_onnx_hub_manifest.py index 4e3dff8cb..9b4ad9d6e 100644 --- a/workflow_scripts/generate_onnx_hub_manifest.py +++ b/archive/workflow_scripts/generate_onnx_hub_manifest.py @@ -1,306 +1,306 @@ -# SPDX-License-Identifier: Apache-2.0 - -import hashlib -import json -import os -import re -import bs4 -import markdown -import pandas as pd -import typepy -from os.path import join, split -import onnxruntime as ort -from onnxruntime.capi.onnxruntime_pybind11_state import NotImplemented -import onnx -from onnx import shape_inference -import argparse -from test_models import get_changed_models -from test_utils import pull_lfs_file - - -# Acknowledgments to pytablereader codebase for this function -def parse_html(table): - headers = [] - data_matrix = [] - rows = table.find_all("tr") - re_table_val = re.compile("td|th") - for row in rows: - td_list = row.find_all("td") - if typepy.is_empty_sequence(td_list): - if typepy.is_not_empty_sequence(headers): - continue - th_list = row.find_all("th") - if typepy.is_empty_sequence(th_list): - continue - headers = [row.text.strip() for row in th_list] - continue - data_matrix.append(list(row.find_all(re_table_val))) - - if typepy.is_empty_sequence(data_matrix): - raise ValueError("data matrix is empty") - - return pd.DataFrame(data_matrix, columns=headers) - - -def parse_readme(filename): - with open(filename, "r", encoding="utf8") as f: - parsed = markdown.markdown(f.read(), extensions=["markdown.extensions.tables"]) - soup = bs4.BeautifulSoup(parsed, "html.parser") - return [parse_html(table) for table in soup.find_all("table")] - - -top_level_readme = "README.md" -top_level_tables = parse_readme(top_level_readme) -markdown_files = set() -for top_level_table in top_level_tables: - for i, row in top_level_table.iterrows(): - if "Model Class" in row: - try: - markdown_files.add(join(row["Model Class"].contents[0].contents[0].attrs['href'], "README.md")) - except AttributeError: - print("{} has no link to implementation".format(row["Model Class"].contents[0])) -# Sort for reproducibility -markdown_files = sorted(list(markdown_files)) - -all_tables = [] -for markdown_file in markdown_files: - with open(markdown_file, "r") as f: - parsed_readme = parse_readme(markdown_file) - if not parsed_readme: - print(f"{markdown_file} needs to be updated to include a table.") - continue - for parsed in parsed_readme: - parsed = parsed.rename(columns={"Opset Version": "Opset version"}) - if all(col in parsed.columns.values for col in ["Model", "Download", "Opset version", "ONNX version"]): - parsed["source_file"] = markdown_file - all_tables.append(parsed) - else: - print("Unrecognized table columns in file {}: {}".format(markdown_file, parsed.columns.values)) - -df = pd.concat(all_tables, axis=0) -normalize_name = { - "Download": "model_path", - "Download (with sample test data)": "model_with_data_path", -} - -top_level_fields = ["model", "model_path", "opset_version", "onnx_version"] - - -def prep_name(col): - if col in normalize_name: - col = normalize_name[col] - col = col.rstrip() - prepped_col = col.replace(" ", "_").lower() - if prepped_col in top_level_fields: - return prepped_col - else: - return col - - -renamed = df.rename(columns={col: prep_name(col) for col in df.columns.values}) -metadata_fields = [f for f in renamed.columns.values if f not in top_level_fields] - - -def get_file_info(row, field, target_models=None): - source_dir = split(row["source_file"])[0] - model_file = row[field].contents[0].attrs["href"] - # So that model relative path is consistent across OS - rel_path = "/".join(join(source_dir, model_file).split(os.sep)) - if target_models is not None and rel_path not in target_models: - return None - # git-lfs pull if target .onnx or .tar.gz does not exist - pull_lfs_file(rel_path) - pull_lfs_file(rel_path.replace(".onnx", ".tar.gz")) - with open(rel_path, "rb") as f: - bytes = f.read() - sha256 = hashlib.sha256(bytes).hexdigest() - return { - field: rel_path, - field.replace("_path", "") + "_sha": sha256, - field.replace("_path", "") + "_bytes": len(bytes), - } - - -def get_model_tags(row): - source_dir = split(row["source_file"])[0] - raw_tags = source_dir.split("/") - tags = [tag.replace("_", " ") for tag in raw_tags] - model_file = row['model_path'].contents[0].attrs["href"] - if 'preproc' in model_file.split("/"): - tags.append('preprocessing') - return tags - - -def get_model_ports(source_file, metadata, model_name): - model_path = source_file - try: - # Hide graph warnings. Severity 3 means error and above. - ort.set_default_logger_severity(3) - # Start from ORT 1.10, ORT requires explicitly setting the providers parameter - # if you want to use execution providers - # other than the default CPU provider (as opposed to the previous behavior of - # providers getting set/registered by default - # based on the build flags) when instantiating InferenceSession. - # For example, if NVIDIA GPU is available and ORT Python package is built with CUDA, then call API as following: - # ort.InferenceSession(path/to/model, providers=['CUDAExecutionProvider']) - session = ort.InferenceSession(model_path) - inputs = session.get_inputs() - outputs = session.get_outputs() - io_ports = { - "inputs": [{"name": input.name, "shape": input.shape, "type": input.type} for input in inputs], - "outputs": [{"name": output.name, "shape": output.shape, "type": output.type} for output in outputs], - } - - extra_ports = None - if "classification" in metadata["tags"]: - inferred_model = shape_inference.infer_shapes(onnx.load(model_path)) - nodes = list(inferred_model.graph.value_info) - if model_name in feature_tensor_names: - node_name = feature_tensor_names[model_name] - node = [n for n in nodes if n.name == node_name][0] - shape = [d.dim_value for d in list(node.type.tensor_type.shape.dim)] - extra_ports = {"features": [ - {"name": node.name, "shape": shape} - ]} - - return io_ports, extra_ports - - except NotImplemented: - print( - 'Failed to load model from {}. Run `git lfs pull --include="{}" --exclude=""` ' - 'to download the model payload first.'.format( - model_path, source_file - ) - ) - return None, None - - -feature_tensor_names = { - 'AlexNet': 'fc7_1', - 'CaffeNet': 'fc7_1', - 'DenseNet-121': 'pool5_1', - 'EfficientNet-Lite4': 'efficientnet-lite4/model/head/AvgPool:0', - 'GoogleNet': 'pool5/7x7_s1_2', - 'Inception-1': 'pool5/7x7_s1_2', - 'Inception-2': 'pool5/7x7_s1_1', - 'MobileNet v2-1.0': '464', - 'R-CNN ILSVRC13': 'fc7_1', - 'ResNet18': 'resnetv15_pool1_fwd', - 'ResNet34': 'resnetv16_pool1_fwd', - 'ResNet50': 'resnetv17_pool1_fwd', - 'ResNet101': 'resnetv18_pool1_fwd', - 'ResNet152': 'resnetv19_pool1_fwd', - 'ResNet50_fp32': 'resnetv17_pool1_fwd', - 'ResNet50_int8': 'flatten_473_quantized', - 'ResNet50-caffe2': 'gpu_0/pool5_1', - 'ResNet18-v2': 'resnetv22_pool1_fwd', - 'ResNet34-v2': 'resnetv23_pool1_fwd', - 'ResNet50-v2': 'resnetv24_pool1_fwd', - 'ResNet101-v2': 'resnetv25_pool1_fwd', - 'ResNet152-v2': 'resnetv27_pool1_fwd', - 'ShuffleNet-v1': 'gpu_0/final_avg_1', - 'ShuffleNet-v2': '611', - 'ShuffleNet-v2-fp32': '611', - 'ShuffleNet-v2-int8': '611', - 'SqueezeNet 1.1': 'squeezenet0_pool3_fwd', - 'SqueezeNet 1.0': 'pool10_1', - 'VGG 16': "flatten_70", - 'VGG 16-bn': "flatten_135", - 'VGG 19': "flatten_82", - 'VGG 19-bn': "flatten_162", - 'VGG 16-int8': "flatten_70_quantized", - 'VGG 19-caffe2': "fc7_3", - 'ZFNet-512': 'gpu_0/fc7_2' -} - -parser = argparse.ArgumentParser(description="Test settings") -# default all: test by both onnx and onnxruntime -# if target is specified, only test by the specified one -parser.add_argument("--target", required=False, default="all", type=str, - help="Update target? (all, diff, single)", - choices=["all", "diff", "single"]) -parser.add_argument("--path", required=False, default=None, type=str, - help="The model path which you want to update. e.g., vision/classification/resnet/model/resnet50.onnx") -parser.add_argument("--drop", required=False, default=False, action="store_true", - help="Drop downloaded models after verification. (For space limitation in CIs)") -args = parser.parse_args() - - -output = [] -if args.target == "diff": - changed_models = set() - changed_list = get_changed_models() - for file in changed_list: - # If the .tar.gz was updated, the model's manifest needs to be updated as well - if ".tar.gz" in file: - file = file.replace(".tar.gz", ".onnx") - changed_models.add(file) - print(f"{len(changed_models)} of changed models: {changed_models}") -if args.target == "diff" or args.target == "single": - with open("ONNX_HUB_MANIFEST.json", "r+") as f: - output = json.load(f) - path_to_object = {} - for model in output: - path_to_object[model["model_path"]] = model - -for i, row in renamed.iterrows(): - if len(row["model"].contents) > 0 and len(row["model_path"].contents) > 0: - model_name = row["model"].contents[0] - target_models = None - if args.target == "diff": - target_models = changed_models - elif args.target == "single": - if args.path is None: - raise ValueError("Please specify --path if you want to update by single model.") - target_models = set([args.path.replace("\\", "/")]) - model_info = get_file_info(row, "model_path", target_models) - if model_info is None: - continue - model_path = model_info.pop("model_path") - metadata = model_info - metadata["tags"] = get_model_tags(row) - io_ports, extra_ports = get_model_ports(model_path, metadata, model_name) - if io_ports is not None: - metadata["io_ports"] = io_ports - if extra_ports is not None: - metadata["extra_ports"] = extra_ports - - try: - for k, v in get_file_info(row, "model_with_data_path").items(): - metadata[k] = v - except (AttributeError, FileNotFoundError) as e: - print(f"no model_with_data in file {row['source_file']}: {e}") - - try: - opset = int(row["opset_version"].contents[0]) - except ValueError: - print("malformed opset {} in {}".format(row["opset_version"].contents[0], row["source_file"])) - continue - if args.target != "all": - if model_path in path_to_object: - # To update existing information, remove previous one - output.remove(path_to_object[model_path]) - print(f"Updating: {model_path}") - output.append( - { - "model": model_name, - "model_path": model_path, - "onnx_version": row["onnx_version"].contents[0], - "opset_version": int(row["opset_version"].contents[0]), - "metadata": metadata - } - ) - if args.drop: - if os.path.exists(model_path): - os.remove(model_path) - tar_path = model_path.replace(".onnx", ".tar.gz") - if os.path.exists(tar_path): - os.remove(tar_path) - - else: - print("Missing model in {}".format(row["source_file"])) -output.sort(key=lambda x: x["model_path"]) - -with open("ONNX_HUB_MANIFEST.json", "w+") as f: - print("Found {} models".format(len(output))) - json.dump(output, f, indent=4) +# SPDX-License-Identifier: Apache-2.0 + +import hashlib +import json +import os +import re +import bs4 +import markdown +import pandas as pd +import typepy +from os.path import join, split +import onnxruntime as ort +from onnxruntime.capi.onnxruntime_pybind11_state import NotImplemented +import onnx +from onnx import shape_inference +import argparse +from test_models import get_changed_models +from test_utils import pull_lfs_file + + +# Acknowledgments to pytablereader codebase for this function +def parse_html(table): + headers = [] + data_matrix = [] + rows = table.find_all("tr") + re_table_val = re.compile("td|th") + for row in rows: + td_list = row.find_all("td") + if typepy.is_empty_sequence(td_list): + if typepy.is_not_empty_sequence(headers): + continue + th_list = row.find_all("th") + if typepy.is_empty_sequence(th_list): + continue + headers = [row.text.strip() for row in th_list] + continue + data_matrix.append(list(row.find_all(re_table_val))) + + if typepy.is_empty_sequence(data_matrix): + raise ValueError("data matrix is empty") + + return pd.DataFrame(data_matrix, columns=headers) + + +def parse_readme(filename): + with open(filename, "r", encoding="utf8") as f: + parsed = markdown.markdown(f.read(), extensions=["markdown.extensions.tables"]) + soup = bs4.BeautifulSoup(parsed, "html.parser") + return [parse_html(table) for table in soup.find_all("table")] + + +top_level_readme = "README.md" +top_level_tables = parse_readme(top_level_readme) +markdown_files = set() +for top_level_table in top_level_tables: + for i, row in top_level_table.iterrows(): + if "Model Class" in row: + try: + markdown_files.add(join(row["Model Class"].contents[0].contents[0].attrs['href'], "README.md")) + except AttributeError: + print("{} has no link to implementation".format(row["Model Class"].contents[0])) +# Sort for reproducibility +markdown_files = sorted(list(markdown_files)) + +all_tables = [] +for markdown_file in markdown_files: + with open(markdown_file, "r") as f: + parsed_readme = parse_readme(markdown_file) + if not parsed_readme: + print(f"{markdown_file} needs to be updated to include a table.") + continue + for parsed in parsed_readme: + parsed = parsed.rename(columns={"Opset Version": "Opset version"}) + if all(col in parsed.columns.values for col in ["Model", "Download", "Opset version", "ONNX version"]): + parsed["source_file"] = markdown_file + all_tables.append(parsed) + else: + print("Unrecognized table columns in file {}: {}".format(markdown_file, parsed.columns.values)) + +df = pd.concat(all_tables, axis=0) +normalize_name = { + "Download": "model_path", + "Download (with sample test data)": "model_with_data_path", +} + +top_level_fields = ["model", "model_path", "opset_version", "onnx_version"] + + +def prep_name(col): + if col in normalize_name: + col = normalize_name[col] + col = col.rstrip() + prepped_col = col.replace(" ", "_").lower() + if prepped_col in top_level_fields: + return prepped_col + else: + return col + + +renamed = df.rename(columns={col: prep_name(col) for col in df.columns.values}) +metadata_fields = [f for f in renamed.columns.values if f not in top_level_fields] + + +def get_file_info(row, field, target_models=None): + source_dir = split(row["source_file"])[0] + model_file = row[field].contents[0].attrs["href"] + # So that model relative path is consistent across OS + rel_path = "/".join(join(source_dir, model_file).split(os.sep)) + if target_models is not None and rel_path not in target_models: + return None + # git-lfs pull if target .onnx or .tar.gz does not exist + pull_lfs_file(rel_path) + pull_lfs_file(rel_path.replace(".onnx", ".tar.gz")) + with open(rel_path, "rb") as f: + bytes = f.read() + sha256 = hashlib.sha256(bytes).hexdigest() + return { + field: rel_path, + field.replace("_path", "") + "_sha": sha256, + field.replace("_path", "") + "_bytes": len(bytes), + } + + +def get_model_tags(row): + source_dir = split(row["source_file"])[0] + raw_tags = source_dir.split("/") + tags = [tag.replace("_", " ") for tag in raw_tags] + model_file = row['model_path'].contents[0].attrs["href"] + if 'preproc' in model_file.split("/"): + tags.append('preprocessing') + return tags + + +def get_model_ports(source_file, metadata, model_name): + model_path = source_file + try: + # Hide graph warnings. Severity 3 means error and above. + ort.set_default_logger_severity(3) + # Start from ORT 1.10, ORT requires explicitly setting the providers parameter + # if you want to use execution providers + # other than the default CPU provider (as opposed to the previous behavior of + # providers getting set/registered by default + # based on the build flags) when instantiating InferenceSession. + # For example, if NVIDIA GPU is available and ORT Python package is built with CUDA, then call API as following: + # ort.InferenceSession(path/to/model, providers=['CUDAExecutionProvider']) + session = ort.InferenceSession(model_path) + inputs = session.get_inputs() + outputs = session.get_outputs() + io_ports = { + "inputs": [{"name": input.name, "shape": input.shape, "type": input.type} for input in inputs], + "outputs": [{"name": output.name, "shape": output.shape, "type": output.type} for output in outputs], + } + + extra_ports = None + if "classification" in metadata["tags"]: + inferred_model = shape_inference.infer_shapes(onnx.load(model_path)) + nodes = list(inferred_model.graph.value_info) + if model_name in feature_tensor_names: + node_name = feature_tensor_names[model_name] + node = [n for n in nodes if n.name == node_name][0] + shape = [d.dim_value for d in list(node.type.tensor_type.shape.dim)] + extra_ports = {"features": [ + {"name": node.name, "shape": shape} + ]} + + return io_ports, extra_ports + + except NotImplemented: + print( + 'Failed to load model from {}. Run `git lfs pull --include="{}" --exclude=""` ' + 'to download the model payload first.'.format( + model_path, source_file + ) + ) + return None, None + + +feature_tensor_names = { + 'AlexNet': 'fc7_1', + 'CaffeNet': 'fc7_1', + 'DenseNet-121': 'pool5_1', + 'EfficientNet-Lite4': 'efficientnet-lite4/model/head/AvgPool:0', + 'GoogleNet': 'pool5/7x7_s1_2', + 'Inception-1': 'pool5/7x7_s1_2', + 'Inception-2': 'pool5/7x7_s1_1', + 'MobileNet v2-1.0': '464', + 'R-CNN ILSVRC13': 'fc7_1', + 'ResNet18': 'resnetv15_pool1_fwd', + 'ResNet34': 'resnetv16_pool1_fwd', + 'ResNet50': 'resnetv17_pool1_fwd', + 'ResNet101': 'resnetv18_pool1_fwd', + 'ResNet152': 'resnetv19_pool1_fwd', + 'ResNet50_fp32': 'resnetv17_pool1_fwd', + 'ResNet50_int8': 'flatten_473_quantized', + 'ResNet50-caffe2': 'gpu_0/pool5_1', + 'ResNet18-v2': 'resnetv22_pool1_fwd', + 'ResNet34-v2': 'resnetv23_pool1_fwd', + 'ResNet50-v2': 'resnetv24_pool1_fwd', + 'ResNet101-v2': 'resnetv25_pool1_fwd', + 'ResNet152-v2': 'resnetv27_pool1_fwd', + 'ShuffleNet-v1': 'gpu_0/final_avg_1', + 'ShuffleNet-v2': '611', + 'ShuffleNet-v2-fp32': '611', + 'ShuffleNet-v2-int8': '611', + 'SqueezeNet 1.1': 'squeezenet0_pool3_fwd', + 'SqueezeNet 1.0': 'pool10_1', + 'VGG 16': "flatten_70", + 'VGG 16-bn': "flatten_135", + 'VGG 19': "flatten_82", + 'VGG 19-bn': "flatten_162", + 'VGG 16-int8': "flatten_70_quantized", + 'VGG 19-caffe2': "fc7_3", + 'ZFNet-512': 'gpu_0/fc7_2' +} + +parser = argparse.ArgumentParser(description="Test settings") +# default all: test by both onnx and onnxruntime +# if target is specified, only test by the specified one +parser.add_argument("--target", required=False, default="all", type=str, + help="Update target? (all, diff, single)", + choices=["all", "diff", "single"]) +parser.add_argument("--path", required=False, default=None, type=str, + help="The model path which you want to update. e.g., vision/classification/resnet/model/resnet50.onnx") +parser.add_argument("--drop", required=False, default=False, action="store_true", + help="Drop downloaded models after verification. (For space limitation in CIs)") +args = parser.parse_args() + + +output = [] +if args.target == "diff": + changed_models = set() + changed_list = get_changed_models() + for file in changed_list: + # If the .tar.gz was updated, the model's manifest needs to be updated as well + if ".tar.gz" in file: + file = file.replace(".tar.gz", ".onnx") + changed_models.add(file) + print(f"{len(changed_models)} of changed models: {changed_models}") +if args.target == "diff" or args.target == "single": + with open("ONNX_HUB_MANIFEST.json", "r+") as f: + output = json.load(f) + path_to_object = {} + for model in output: + path_to_object[model["model_path"]] = model + +for i, row in renamed.iterrows(): + if len(row["model"].contents) > 0 and len(row["model_path"].contents) > 0: + model_name = row["model"].contents[0] + target_models = None + if args.target == "diff": + target_models = changed_models + elif args.target == "single": + if args.path is None: + raise ValueError("Please specify --path if you want to update by single model.") + target_models = set([args.path.replace("\\", "/")]) + model_info = get_file_info(row, "model_path", target_models) + if model_info is None: + continue + model_path = model_info.pop("model_path") + metadata = model_info + metadata["tags"] = get_model_tags(row) + io_ports, extra_ports = get_model_ports(model_path, metadata, model_name) + if io_ports is not None: + metadata["io_ports"] = io_ports + if extra_ports is not None: + metadata["extra_ports"] = extra_ports + + try: + for k, v in get_file_info(row, "model_with_data_path").items(): + metadata[k] = v + except (AttributeError, FileNotFoundError) as e: + print(f"no model_with_data in file {row['source_file']}: {e}") + + try: + opset = int(row["opset_version"].contents[0]) + except ValueError: + print("malformed opset {} in {}".format(row["opset_version"].contents[0], row["source_file"])) + continue + if args.target != "all": + if model_path in path_to_object: + # To update existing information, remove previous one + output.remove(path_to_object[model_path]) + print(f"Updating: {model_path}") + output.append( + { + "model": model_name, + "model_path": model_path, + "onnx_version": row["onnx_version"].contents[0], + "opset_version": int(row["opset_version"].contents[0]), + "metadata": metadata + } + ) + if args.drop: + if os.path.exists(model_path): + os.remove(model_path) + tar_path = model_path.replace(".onnx", ".tar.gz") + if os.path.exists(tar_path): + os.remove(tar_path) + + else: + print("Missing model in {}".format(row["source_file"])) +output.sort(key=lambda x: x["model_path"]) + +with open("ONNX_HUB_MANIFEST.json", "w+") as f: + print("Found {} models".format(len(output))) + json.dump(output, f, indent=4) diff --git a/workflow_scripts/onnx_test_data_utils.py b/archive/workflow_scripts/onnx_test_data_utils.py similarity index 100% rename from workflow_scripts/onnx_test_data_utils.py rename to archive/workflow_scripts/onnx_test_data_utils.py diff --git a/workflow_scripts/ort_test_dir_utils.py b/archive/workflow_scripts/ort_test_dir_utils.py similarity index 100% rename from workflow_scripts/ort_test_dir_utils.py rename to archive/workflow_scripts/ort_test_dir_utils.py diff --git a/workflow_scripts/test_models.py b/archive/workflow_scripts/test_models.py similarity index 100% rename from workflow_scripts/test_models.py rename to archive/workflow_scripts/test_models.py diff --git a/workflow_scripts/test_utils.py b/archive/workflow_scripts/test_utils.py similarity index 100% rename from workflow_scripts/test_utils.py rename to archive/workflow_scripts/test_utils.py diff --git a/contribute.md b/contribute.md index 19cb562ec..2d7da7846 100644 --- a/contribute.md +++ b/contribute.md @@ -1,7 +1,72 @@ -# How to Contribute to the Model Zoo +# Contribution Guide for the ONNX Model Zoo -To contribute a new model, create a [pull request](https://github.com/onnx/models/pull/new/). A pre-defined pull request [template](.github/PULL_REQUEST_TEMPLATE.md) is loaded when creating a new pull request, which describes all the artifacts required for making the contribution. +## Introduction -View an [example submission](vision/classification/resnet/README.md) to get a sense of the final output. +We're excited that you're interested in contributing to the ONNX Model Zoo! This guide is intended to help you understand how you can contribute to the project and what standards we expect contributors to follow. + +## Ways to Contribute + +There are many ways you can contribute to the ONNX Model Zoo: + +- **Model Contributions**: You can contribute new models to the Model Zoo. + +- **Documentation**: Improvements to documentation, whether it's enhancing existing documentation or creating new content, are always welcome. + +- **Issues and Bugs**: Report issues or bugs you find when using the models or the repository itself. + +- **Features and Enhancements**: Suggest new features or enhancements to existing models or the overall repository infrastructure. + +## Contribution Process + +1. **Check Existing Issues/PRs**: Before starting your work or submitting a contribution, please check the repository for existing issues or pull requests that might be related to your contribution to avoid duplication of efforts. + +2. **Open an Issue**: If you are adding a new feature or model, start by opening a new issue to discuss with the community. For bugs, document how to reproduce the error. + +3. **Fork the Repository**: Make a fork of this repository to your GitHub account. + +4. **Make Your Changes**: Work on the changes on your forked repository. + + For contributing a model refer to [Model contribution guidelines](#model-contribution-guidelines) + +5. **Commit Messages**: Use clear and descriptive commit messages. This helps to understand the purpose of your changes and speed up the review process. + +6. **Pull Request**: Once you've made your changes, submit a pull request (PR) to the main repository. Provide a detailed description of the changes and reference the corresponding issue number in the PR. + +7. **Code Review**: Wait for the maintainers to review your PR. Be responsive to feedback and make necessary changes if requested. + +8. **Merge**: Once your PR is approved by a maintainer, it will be merged into the repository. + +## Model Contribution Guidelines + +Contributing to the ONNX Model Zoo involves a structured process that requires submitting Pull Requests (PRs) to two distinct repositories: [TurnkeyML](https://github.com/onnx/turnkeyml) and the [ONNX Model Zoo](https://github.com/onnx/models). We kindly ask you to adhere to the outlined steps to ensure a smooth and efficient contribution process. Please note that we are actively working on refining this procedure to enhance efficiency and ease of use. + +1. **Model Uniqueness**: Before submission, please search the Model Zoo to confirm that your model or an equivalent model is not already hosted. + +1. **Model Source**: You should provide the source file for the model (.py format). + + Place the source file under [turnkeyml/models](https://github.com/onnx/turnkeyml/tree/main/models) and place the onnx file under the appropriate task category in the [onnx model zoo repo root](https://github.com/onnx/models). All pretrained models should include valid weights. + + The source file must include the following labels at the top of the file: + + - Author - Name of the organization or the creator of the model + - Task - For example, Computer Vision, Natural Language Processing (NLP), Audio Processing, MultiModal, Generative AI ,Graph Machine Learning ... + - License: Submissions should be under one of the following licenses: Apache-2.0, BSD-3, or MIT. + + For the correct format of these labels, please refer to the example [here](https://github.com/onnx/turnkeyml/blob/main/models/timm/resnet18.py) + +1. **Dependencies**: Add any additional requirements run your model to [turnkeyml model requirements](https://github.com/onnx/turnkeyml/blob/main/models/requirements.txt) file. + +1. **Large Files**: If your model includes large weight files, manage them with Git LFS. + +1. **ONNX file creation**: Use TurnkeyML's [--build-only](https://github.com/onnx/turnkeyml/blob/main/examples/cli/build.md?plain=1#L17) option to generate the ONNX model. This ensures that the model conforms to standards compatible with the Model Zoo's infrastructure. + + +By following these guidelines, you help us maintain a high standard for the models in the ONNX Model Zoo, making it a valuable resource for everyone. We appreciate your contributions and look forward to including your models in our collection. + +## Questions? + +If you have any questions or need further clarification about contributing, please don't hesitate to open an issue. + +Thank you for contributing to the ONNX Model Zoo! diff --git a/resource/docs/INC_code.md b/resource/docs/INC_code.md deleted file mode 100644 index c1c2878ac..000000000 --- a/resource/docs/INC_code.md +++ /dev/null @@ -1,68 +0,0 @@ -### IntelĀ® Neural Compressor Code-based Demo - -This is an example showing how to quantize an ONNX model with [IntelĀ® Neural Compressor](https://github.com/intel/neural-compressor) step by step: - -- Config file - -```yaml -model: - name: alexnet - framework: onnxrt_qlinearops - -quantization: - approach: post_training_static_quant - -evaluation: - accuracy: - metric: - topk: 1 - -tuning: - accuracy_criterion: - relative: 0.01 # accuracy target -``` - -- Launcher code - -```python -import numpy as np -import re -import os -from PIL import Image - -# extract dataset class from inference code -class dataset: - def __init__(self, data_path, image_list): - self.image_list = [] - self.label_list = [] - with open(image_list, 'r') as f: - for s in f: - image_name, label = re.split(r"\s+", s.strip()) - src = os.path.join(data_path, image_name) - if not os.path.exists(src): - continue - self.image_list.append(src) - self.label_list.append(int(label)) - - def __len__(self): - return len(self.image_list) - - def __getitem__(self, index): - image_path, label = self.image_list[index], self.label_list[index] - with Image.open(image_path) as image: - image = np.array(image.convert('RGB').resize((224, 224))).astype(np.float32) - image[:, :, 0] -= 123.68 - image[:, :, 1] -= 116.779 - image[:, :, 2] -= 103.939 - image[:,:,[0,1,2]] = image[:,:,[2,1,0]] - image = image.transpose((2, 0, 1)) - return image, label - -from neural_compressor.experimental import Quantization, common -ds = dataset('/path/to/imagenet', '/path/to/label') -quantize = Quantization('/path/to/config_file') -quantize.calib_dataloader = common.DataLoader(ds) -quantize.model = model -q_model = quantize() -q_model.save("int8.onnx") -``` diff --git a/resource/images/INC_GUI.gif b/resource/images/INC_GUI.gif deleted file mode 100644 index 7e9fad504..000000000 Binary files a/resource/images/INC_GUI.gif and /dev/null differ diff --git a/resource/images/ONNX Model Zoo Graphics.png b/resource/images/ONNX Model Zoo Graphics.png deleted file mode 100644 index 506b17a20..000000000 Binary files a/resource/images/ONNX Model Zoo Graphics.png and /dev/null differ diff --git a/resource/images/ONNX_Model_Zoo_Graphics.png b/resource/images/ONNX_Model_Zoo_Graphics.png deleted file mode 100644 index 506b17a20..000000000 Binary files a/resource/images/ONNX_Model_Zoo_Graphics.png and /dev/null differ diff --git a/resource/images/ONNX_logo_main.png b/resource/images/ONNX_logo_main.png deleted file mode 100644 index 24ed87b3b..000000000 Binary files a/resource/images/ONNX_logo_main.png and /dev/null differ diff --git a/resource/images/bottom.png b/resource/images/bottom.png deleted file mode 100644 index 5d605dc8f..000000000 Binary files a/resource/images/bottom.png and /dev/null differ diff --git a/resource/images/mid.png b/resource/images/mid.png deleted file mode 100644 index f97aab8d0..000000000 Binary files a/resource/images/mid.png and /dev/null differ diff --git a/resource/images/top.png b/resource/images/top.png deleted file mode 100644 index 7b1619537..000000000 Binary files a/resource/images/top.png and /dev/null differ diff --git a/target.md b/target.md deleted file mode 100644 index 5bce95992..000000000 --- a/target.md +++ /dev/null @@ -1,52 +0,0 @@ - - -# Target models -Below is a list of models that we would like to have in the model zoo in the near future. Please refer to the [contribution guidelines](contribute.md) to contribute a model. -## CNN models - -|Model | Reference | -|-------------|:--------------| -| Gender Detection| [Age and Gender Classification using Convolutional Neural Networks](https://www.google.com/url?sa=t&rct=j&q=&esrc=s&source=web&cd=7&ved=0ahUKEwjEzsev5pDaAhVI2GMKHZvjCjEQFgiLATAG&url=http%3A%2F%2Fciteseerx.ist.psu.edu%2Fviewdoc%2Fdownload%3Fdoi%3D10.1.1.722.9654%26rep%3Drep1%26type%3Dpdf&usg=AOvVaw0-c9n2_ZcsRCyc6BCb0Zdj) | -| Single Shot Detector| [SSD: Single Shot Multi Detector](https://arxiv.org/abs/1512.02325) | -| Super Resolution| [Image Super resolution using deep convolutional networks ](http://ieeexplore.ieee.org/document/7115171/?reload=true) | -| Face Detection|[A Convolutional Neural Network Cascade for Face Detection ](https://www.cv-foundation.org/openaccess/content_cvpr_2015/papers/Li_A_Convolutional_Neural_2015_CVPR_paper.pdf)| -|Face Detection|[ArcFace: Additive Angular Margin Loss for Deep Face Recognition](https://arxiv.org/abs/1801.07698) | -|Semantic Segmentation|[Fully Convolutional Networks for Semantic Segmentation ](https://www.google.com/url?sa=t&rct=j&q=&esrc=s&source=web&cd=5&ved=0ahUKEwiI9YjW5ZDaAhVW5mMKHYifAL4QFghUMAQ&url=https%3A%2F%2Fpeople.eecs.berkeley.edu%2F~jonlong%2Flong_shelhamer_fcn.pdf&usg=AOvVaw1OZIT1dpO9NAS45hB7mhG8)| -|Object Detection & Segmentation| [Faster-RCNN ](https://arxiv.org/abs/1506.01497) | -|Object Detection & Segmentation| [Mask-RCNN ](https://arxiv.org/abs/1703.06870) | -|Object Detection & Segmentation|[YOLO v2 ](https://arxiv.org/abs/1612.08242)/ [v3 ](https://pjreddie.com/media/files/papers/YOLOv3.pdf)| - - -## GAN models -|Model | Reference | -|-------------|:--------------| -| Text to Image| [Generative Adversarial Text to image Synthesis ](https://arxiv.org/abs/1605.05396)| -|Style Transfer |[Unpaired Image to Image Translation using Cycle consistent Adversarial Network ](https://arxiv.org/abs/1703.10593)| -|Sound Generative models| [WaveNet: A Generative Model for Raw Audio ](https://arxiv.org/abs/1609.03499)| -## NLP models -|Model | Reference | -|-------------|:--------------| -|Speech Recognition| [Speech recognition with deep recurrent neural networks ](https://www.cs.toronto.edu/~fritz/absps/RNN13.pdf)| -| Text To Speech| [Deep voice: Real time neural text to speech ](https://arxiv.org/abs/1702.07825) | -| Language Model| [Deep Neural Network Language Models ](https://pdfs.semanticscholar.org/a177/45f1d7045636577bcd5d513620df5860e9e5.pdf) | -| Machine Translation| [Neural Machine Translation by jointly learning to align and translate ](https://arxiv.org/abs/1409.0473)| -|Machine Translation| [Google's Neural Machine Translation System: Bridging the Gap between Human and Machine Translation ](https://arxiv.org/abs/1609.08144) | - -## Models using Image as well as NLP -|Model | Reference | -|-------------|:--------------| -|Visual Question Answering |[VQA: Visual Question Answering ](https://arxiv.org/pdf/1505.00468v6.pdf) -|Visual Question Answering |[Yin and Yang: Balancing and Answering Binary Visual Questions ](https://arxiv.org/pdf/1511.05099.pdf) -|Visual Question Answering |[Making the V in VQA Matter: Elevating the Role of Image Understanding in Visual Question Answering](https://arxiv.org/pdf/1612.00837.pdf) -| Visual Dialog| [Visual Dialog ](https://arxiv.org/abs/1611.08669) - - -## Other interesting models -|Model | Reference | -|-------------|:--------------| -|Time Series Forecasting| [Modeling Long- and Short-Term Temporal Patterns with Deep Neural Networks ](https://arxiv.org/pdf/1703.07015.pdf) -|Recommender systems|[DropoutNet: Addressing Cold Start in Recommender Systems](http://www.cs.toronto.edu/~mvolkovs/nips2017_deepcf.pdf) -|Collaborative filtering|| -|Autoencoders|| - -Want other models in this Model Zoo? Go ahead and raise a GitHub issue outlining details and update the above list to call the community for contribution.